From 298e1ee3d97cce0fc9394b9ed6212af4db62ead1 Mon Sep 17 00:00:00 2001 From: Pavel Esir Date: Tue, 8 Oct 2024 00:25:48 +0200 Subject: [PATCH] Store tokenizer conversion params in rt_info / refactor passing params (#268) * WIP * refactor passing parameters as a single object, stored rt_info * ready for review * apply review comments * apply ruff format * fix what ruff has broken * fix docstring * fix tests * add tests * Update python/openvino_tokenizers/convert_tokenizer.py Co-authored-by: Artur Paniukov * add barier for specifying both params and individual conversion arguments * simplify more * fix tests 2 * move imports * fix tests 3 --------- Co-authored-by: Artur Paniukov --- benchmark/benchmark.py | 20 +- python/openvino_tokenizers/constants.py | 1 + .../openvino_tokenizers/convert_tokenizer.py | 164 +- python/openvino_tokenizers/hf_parser.py | 197 +- .../openvino_tokenizers/tokenizer_pipeline.py | 43 +- python/openvino_tokenizers/utils.py | 61 + tests/layer_tests.py | 2 +- tests/pass_rates.json | 2 +- tests/stats.json | 8406 +++++++++-------- tests/tokenizers_test.py | 51 +- 10 files changed, 4529 insertions(+), 4418 deletions(-) diff --git a/benchmark/benchmark.py b/benchmark/benchmark.py index 9bc52378..82b14e8b 100644 --- a/benchmark/benchmark.py +++ b/benchmark/benchmark.py @@ -38,7 +38,9 @@ def batch_iter(dataset: Iterable, batch: int = 1): yield next_batch -def benchmark_tokenizer_async(ov_tokenizer: CompiledModel, dataset: List[Tuple[str, str]], batch: int = 1) -> Tuple[pd.Series, float]: +def benchmark_tokenizer_async( + ov_tokenizer: CompiledModel, dataset: List[Tuple[str, str]], batch: int = 1 +) -> Tuple[pd.Series, float]: def callback( ir: InferRequest, user_data: Tuple[List[int], float, int], @@ -53,7 +55,9 @@ def callback( times = [0 for _ in range(iterations)] bench_start = perf_counter() - for idx, prompt in tqdm(enumerate(batch_iter(chain.from_iterable(dataset), batch)), total=iterations, desc="Async benchmark"): + for idx, prompt in tqdm( + enumerate(batch_iter(chain.from_iterable(dataset), batch)), total=iterations, desc="Async benchmark" + ): start = perf_counter() async_queue.start_async(prompt, (times, start, idx)) async_queue.wait_all() @@ -91,7 +95,9 @@ def benchmark_tokenizers( hf_tokenizer(["test " * repeat]) ov_perf_counters = [] - for prompt in tqdm(batch_iter(chain.from_iterable(dataset), batch), total=len(dataset) * 2 / batch, desc="Sync benchmark"): + for prompt in tqdm( + batch_iter(chain.from_iterable(dataset), batch), total=len(dataset) * 2 / batch, desc="Sync benchmark" + ): res = [prompt] ov_start = perf_counter() @@ -136,7 +142,9 @@ def dump_latency_stats(results: pd.DataFrame, model_name: str) -> None: sorted_res.to_csv(f"latency_res_{model_name}.csv", index=False) -def print_stats(results: pd.DataFrame, async_fps: Optional[float] = None, batch: int = 1) -> Tuple[float, float, float]: +def print_stats( + results: pd.DataFrame, async_fps: Optional[float] = None, batch: int = 1 +) -> Tuple[float, float, float]: data_size = len(results) * batch ov_fps = data_size / results["OV"].sum() hf_fps = data_size / results["HF"].sum() @@ -205,7 +213,9 @@ def main( result_df = benchmark_tokenizers(ov_tokenizer, hf_tokenizer, dataset, per_layer_stats, batch) async_results, async_fps = benchmark_tokenizer_async(ov_tokenizer, dataset, batch) result_df = result_df.assign(OV_ASYNC=async_results.values) - result_df["Prompt Length, chars"] = result_df["prompt"].apply(lambda prompts: sum(len(prompt) for prompt in prompts)) + result_df["Prompt Length, chars"] = result_df["prompt"].apply( + lambda prompts: sum(len(prompt) for prompt in prompts) + ) ov_fps, async_fps, hf_fps = print_stats(result_df, async_fps, batch) model_name = checkpoint.rsplit("/", 1)[-1] diff --git a/python/openvino_tokenizers/constants.py b/python/openvino_tokenizers/constants.py index e55f0c16..02894bdc 100644 --- a/python/openvino_tokenizers/constants.py +++ b/python/openvino_tokenizers/constants.py @@ -35,6 +35,7 @@ MIN_CACHE_CAPACITY = 20_000 VOCAB_SIZE_CACHE_PROPORTION = 0.2 + class UTF8ReplaceMode(Enum): IGNORE: str = "ignore" REPLACE: str = "replace" diff --git a/python/openvino_tokenizers/convert_tokenizer.py b/python/openvino_tokenizers/convert_tokenizer.py index ba0826d1..f4aa458b 100644 --- a/python/openvino_tokenizers/convert_tokenizer.py +++ b/python/openvino_tokenizers/convert_tokenizer.py @@ -5,19 +5,60 @@ import logging import sys from typing import Any, Optional, Tuple, Union +from functools import wraps from openvino.runtime import Model, Type from openvino.runtime.exceptions import OVTypeError from openvino_tokenizers.constants import UTF8ReplaceMode -from openvino_tokenizers.utils import change_inputs_type, change_outputs_type, update_rt_info - +from openvino_tokenizers.utils import ( + change_inputs_type, + change_outputs_type, + update_rt_info, + TokenzierConversionParams, +) logger = logging.getLogger(__name__) +def capture_arg(func): + + @wraps(func) + def wrapper(*args, **kwargs): + params = None + if len(args) > 1 and args[1] != None: + params = args[1] + if 'params' in kwargs: + params = kwargs['params'] + + if params is not None: + for key in TokenzierConversionParams.__match_args__: + if kwargs.get(key) is not None: + msg = ( + "Cannot specify both 'params' and individual convert_tokenizer arguments simultaneously. " + "Please pass all conversion params either individually, e.g. " + "convert_tokenizer(tokenizer_object, with_detokenizr=True, add_special_tokens=True,...). " + "Or within 'params' argument, e.g. " + "convert_tokenzier(tokenizer_object, params={'with_detokenizr': True, 'add_special_tokens': True, ...})" + ) + raise ValueError(msg) + + if isinstance(params, dict): + params = TokenzierConversionParams(**params) + if params is None: + params = TokenzierConversionParams(**kwargs) + return func(args[0], params) + + # Embed convert_tokenizer docstring with TokenzierConversionParams docstring. + wrapper.__doc__ = func.__doc__.replace('Returns:', 'Returns:\n'+ TokenzierConversionParams.__doc__ + '\n') + return wrapper + + +@capture_arg def convert_tokenizer( tokenizer_object: Any, + params: Union[TokenzierConversionParams, dict] = None, + *, with_detokenizer: bool = False, add_special_tokens: bool = True, skip_special_tokens: bool = True, @@ -30,80 +71,73 @@ def convert_tokenizer( use_sentencepiece_backend: bool = False, utf8_replace_mode: Optional[UTF8ReplaceMode] = None, ) -> Union[Model, Tuple[Model, Model]]: - ov_tokenizers = None + """ + Converts a given tokenizer object into an OpenVINO-compatible model. - if "transformers" in sys.modules: - from transformers import PreTrainedTokenizerBase, PreTrainedTokenizerFast + If no `params` are provided, the function will construct a `TokenzierConversionParams` instance + using the passed keyword arguments to control the behavior of the conversion. Either params, + or keyword arguments should be passed, if both are specified an Error will be thrown. - from .hf_parser import ( - convert_fast_tokenizer, - convert_sentencepiece_model_tokenizer, - convert_tiktoken_model_tokenizer, - is_sentencepiece_bpe_model, - is_sentencepiece_model, - is_tiktoken_model, - ) + Parameters: + ----------- + tokenizer_object : Any + The tokenizer object to convert. This should be an instance of a supported tokenizer, such + as Huggingface's `PreTrainedTokenizerBase` or `PreTrainedTokenizerFast`. - can_use_sentencepiece = is_sentencepiece_model(tokenizer_object) - is_unigram = can_use_sentencepiece and not is_sentencepiece_bpe_model(tokenizer_object) - if isinstance(tokenizer_object, PreTrainedTokenizerBase): - if can_use_sentencepiece and (is_unigram or not tokenizer_object.is_fast or use_sentencepiece_backend): - logger.info("Convert tokenizer using SentencePiece .model file.") - ov_tokenizers = convert_sentencepiece_model_tokenizer( - tokenizer_object, - add_attention_mask=True, - with_detokenizer=with_detokenizer, - streaming_detokenizer=streaming_detokenizer, - add_special_tokens=add_special_tokens, - skip_special_tokens=skip_special_tokens, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - handle_special_tokens_with_re=handle_special_tokens_with_re, - utf8_replace_mode=utf8_replace_mode, - ) - elif is_tiktoken_model(tokenizer_object): - logger.info("Convert tiktoken-based tokenizer") - ov_tokenizers = convert_tiktoken_model_tokenizer( - tokenizer_object, - with_detokenizer=with_detokenizer, - add_special_tokens=add_special_tokens, - skip_special_tokens=skip_special_tokens, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - use_max_padding=use_max_padding, - utf8_replace_mode=utf8_replace_mode, - ) - elif isinstance(tokenizer_object, PreTrainedTokenizerFast): - logger.info("Convert Huggingface Fast tokenizer pipeline.") - ov_tokenizers = convert_fast_tokenizer( - tokenizer_object, - number_of_inputs=1, - with_detokenizer=with_detokenizer, - add_special_tokens=add_special_tokens, - skip_special_tokens=skip_special_tokens, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - use_max_padding=use_max_padding, - utf8_replace_mode=utf8_replace_mode, - ) - else: - raise OVTypeError(f"Huggingface tokenizer type is not supported: {type(tokenizer_object)}") - - if isinstance(ov_tokenizers, tuple): - for ov_model in ov_tokenizers: - update_rt_info(ov_model, tokenizer_object) - else: - update_rt_info(ov_tokenizers, tokenizer_object) - else: + params : TokenzierConversionParams, optional + If provided, the `TokenzierConversionParams` object containing conversion parameters. + If not provided, the parameters will be constructed from the other keyword arguments. + Returns: + -------- + Union[Model, Tuple[Model, Model]] + The converted tokenizer model, or a tuple tokenizer and detokenizer depending on with_detokenizer value. + """ + ov_tokenizers = None + + if "transformers" not in sys.modules: raise EnvironmentError( "No transformers library in the environment. Install required dependencies with one of two options:\n" "1. pip install openvino-tokenizers[transformers]\n" "2. pip install transformers[sentencepiece] tiktoken\n" ) + from transformers import PreTrainedTokenizerBase, PreTrainedTokenizerFast + from .hf_parser import ( + convert_fast_tokenizer, + convert_sentencepiece_model_tokenizer, + convert_tiktoken_model_tokenizer, + is_sentencepiece_bpe_model, + is_sentencepiece_model, + is_tiktoken_model, + ) + + can_use_sentencepiece = is_sentencepiece_model(tokenizer_object) + is_unigram = can_use_sentencepiece and not is_sentencepiece_bpe_model(tokenizer_object) + if isinstance(tokenizer_object, PreTrainedTokenizerBase): + if can_use_sentencepiece and (is_unigram or not tokenizer_object.is_fast or params.use_sentencepiece_backend): + logger.info("Convert tokenizer using SentencePiece .model file.") + ov_tokenizers = convert_sentencepiece_model_tokenizer(tokenizer_object, params) + elif is_tiktoken_model(tokenizer_object): + logger.info("Convert tiktoken-based tokenizer") + ov_tokenizers = convert_tiktoken_model_tokenizer(tokenizer_object, params) + elif isinstance(tokenizer_object, PreTrainedTokenizerFast): + logger.info("Convert Huggingface Fast tokenizer pipeline.") + ov_tokenizers = convert_fast_tokenizer(tokenizer_object, params) + else: + raise OVTypeError(f"Huggingface tokenizer type is not supported: {type(tokenizer_object)}") + + if isinstance(ov_tokenizers, tuple): + for ov_model in ov_tokenizers: + update_rt_info(ov_model, tokenizer_object, params) + else: + update_rt_info(ov_tokenizers, tokenizer_object, params) + if ov_tokenizers is None: raise OVTypeError(f"Tokenizer type is not supported: {type(tokenizer_object)}") - + if isinstance(ov_tokenizers, tuple): return ( - change_outputs_type(ov_tokenizers[0], tokenizer_output_type), - change_inputs_type(ov_tokenizers[1], detokenizer_input_type), + change_outputs_type(ov_tokenizers[0], params.tokenizer_output_type), + change_inputs_type(ov_tokenizers[1], params.detokenizer_input_type), ) - return change_outputs_type(ov_tokenizers, tokenizer_output_type) + return change_outputs_type(ov_tokenizers, params.tokenizer_output_type) diff --git a/python/openvino_tokenizers/hf_parser.py b/python/openvino_tokenizers/hf_parser.py index ccf0c2e8..f9e29966 100644 --- a/python/openvino_tokenizers/hf_parser.py +++ b/python/openvino_tokenizers/hf_parser.py @@ -19,6 +19,7 @@ from openvino.runtime.exceptions import OVTypeError from openvino.runtime.opset1.ops import _get_node_factory_opset1 from openvino.runtime.utils.types import as_node, make_constant_node +from openvino_tokenizers.utils import TokenzierConversionParams from transformers import PreTrainedTokenizerBase, PreTrainedTokenizerFast from transformers.convert_slow_tokenizer import import_protobuf @@ -63,6 +64,8 @@ ) from .utils import filter_re2_incompatible +from dataclasses import dataclass, field, asdict + def parse_replace_normalizer(normalizer_dict: Dict[str, Any]) -> List[RegexNormalizationStep]: regex_search_pattern = normalizer_dict["pattern"].get("String") or normalizer_dict["pattern"]["Regex"] @@ -149,7 +152,8 @@ def parse_metaspace(pretokenizer_dict: Dict[str, Any]) -> List[Union[Normalizati class TransformersTokenizerPipelineParser: - def __init__(self, tokenizer_object: Any, number_of_inputs: int = 1, add_special_tokens: bool = True) -> None: + def __init__(self, tokenizer_object: Any, params: TokenzierConversionParams) -> None: + if not tokenizer_object.is_fast: raise OVTypeError("Tokenizer is not supported.") @@ -160,33 +164,25 @@ def __init__(self, tokenizer_object: Any, number_of_inputs: int = 1, add_special with open(Path(tmpdir) / "tokenizer.json", encoding="utf-8") as tj: self.tokenizer_json = json.load(tj) self.pipeline = TokenizerPipeline() - self.number_of_inputs = number_of_inputs + + self.number_of_inputs = params.number_of_inputs + self.add_special_tokens = params.add_special_tokens + self.skip_special_tokens = params.skip_special_tokens + self.clean_up_tokenization_spaces = params.clean_up_tokenization_spaces + self.use_max_padding = params.use_max_padding + self.utf8_replace_mode = params.utf8_replace_mode + self.number_of_inputs = params.number_of_inputs self.num_of_added_tokens = 0 - self.add_special_tokens = add_special_tokens - - def parse( - self, - number_of_inputs: Optional[int] = None, - add_special_tokens: bool = True, - skip_special_tokens: bool = False, - clean_up_tokenization_spaces: Optional[bool] = None, - use_max_padding: bool = False, - utf8_replace_mode: Optional[UTF8ReplaceMode] = None, - ) -> TokenizerPipeline: - self.number_of_inputs = self.number_of_inputs if number_of_inputs is None else number_of_inputs + + def parse(self) -> TokenizerPipeline: self.pipeline.number_of_inputs = self.number_of_inputs for add_steps in [ self.special_tokens_split, self.normalization, self.pre_tokenization, self.tokenization_model, - partial(self.post_tokenization, add_special_tokens=add_special_tokens, use_max_padding=use_max_padding), - partial( - self.decoding, - skip_special_tokens=skip_special_tokens, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - utf8_replace_mode=utf8_replace_mode, - ), + self.post_tokenization, + self.decoding, ]: add_steps() @@ -297,7 +293,7 @@ def tokenization_model(self) -> None: "RobertaProcessing": CombineSegmentsStep.from_hf_json_roberta_processor, } - def post_tokenization(self, add_special_tokens: bool = True, use_max_padding: bool = False) -> None: + def post_tokenization(self) -> None: post_processor_json = self.tokenizer_json["post_processor"] if ( post_processor_json is None @@ -305,7 +301,7 @@ def post_tokenization(self, add_special_tokens: bool = True, use_max_padding: bo or post_processor_json["type"] == "ByteLevel" ): self.add_truncation() - self.add_padding(use_max_padding=use_max_padding) + self.add_padding(use_max_padding=self.use_max_padding) return pt_type = post_processor_json["type"] @@ -317,7 +313,7 @@ def post_tokenization(self, add_special_tokens: bool = True, use_max_padding: bo processors = post_processor_json["processors"] combine_segments_step = next( ( - self.post_tokenization_map[step["type"]](step, self.number_of_inputs, add_special_tokens) + self.post_tokenization_map[step["type"]](step, self.number_of_inputs, self.add_special_tokens) for step in processors if step["type"] in self.post_tokenization_map ), @@ -331,7 +327,7 @@ def post_tokenization(self, add_special_tokens: bool = True, use_max_padding: bo else: combine_segments_type = self.post_tokenization_map[pt_type] combine_segments_step = combine_segments_type( - post_processor_json, self.number_of_inputs, add_special_tokens + post_processor_json, self.number_of_inputs, self.add_special_tokens ) self.num_of_added_tokens += combine_segments_step.number_of_added_tokens @@ -339,7 +335,7 @@ def post_tokenization(self, add_special_tokens: bool = True, use_max_padding: bo self.add_truncation() self.pipeline.add_steps(combine_segments_step) - self.add_padding(use_max_padding=use_max_padding) + self.add_padding(use_max_padding=self.use_max_padding) def add_truncation(self) -> None: max_length = getattr(self.original_tokenizer, "model_max_length", -1) @@ -389,16 +385,11 @@ def add_padding(self, use_max_padding: bool = False) -> None: "ByteFallback": lambda decode_dict: ByteFallbackStep(), } - def decoding( - self, - skip_special_tokens: bool = False, - clean_up_tokenization_spaces: Optional[bool] = None, - utf8_replace_mode: Optional[UTF8ReplaceMode] = None, - ) -> None: + def decoding(self) -> None: if self.tokenizer_json["decoder"] is None or self.tokenizer_json["model"]["type"] == "WordPiece": return - skip_tokens = parse_special_tokens(self.original_tokenizer) if skip_special_tokens else {} + skip_tokens = parse_special_tokens(self.original_tokenizer) if self.skip_special_tokens else {} self.pipeline.add_steps(VocabDecoderStep(skip_tokens=list(skip_tokens))) if self.tokenizer_json["decoder"]["type"] == "Sequence": @@ -414,11 +405,11 @@ def decoding( else: self.pipeline.add_steps(FuseStep()) - if utf8_replace_mode is not None: - self.pipeline.add_steps(UTF8ValidateStep(mode=utf8_replace_mode)) + if self.utf8_replace_mode is not None: + self.pipeline.add_steps(UTF8ValidateStep(mode=self.utf8_replace_mode)) - if clean_up_tokenization_spaces is None: - clean_up_tokenization_spaces = self.original_tokenizer.clean_up_tokenization_spaces + if self.clean_up_tokenization_spaces is None: + self.clean_up_tokenization_spaces = self.original_tokenizer.clean_up_tokenization_spaces if suffix := self.tokenizer_json["model"].get("end_of_word_suffix"): self.pipeline.add_steps(RegexDecodingStep.replace_end_of_word_suffix(suffix=suffix)) @@ -427,7 +418,7 @@ def decoding( if prefix := self.tokenizer_json["model"].get("continuing_subword_prefix"): self.pipeline.add_steps(RegexDecodingStep.replace_continuing_subword_prefix(prefix=prefix)) - if clean_up_tokenization_spaces and self.pipeline.decoding_steps: + if self.clean_up_tokenization_spaces and self.pipeline.decoding_steps: self.pipeline.add_steps(RegexDecodingStep.clean_up_tokenization_spaces()) return @@ -455,23 +446,10 @@ def parse_special_tokens(hf_tokenizer: PreTrainedTokenizerBase, only_special_tok def convert_fast_tokenizer( - hf_tokenizer: PreTrainedTokenizerBase, - number_of_inputs: int = 1, - with_detokenizer: bool = False, - add_special_tokens: bool = True, - skip_special_tokens: bool = False, - clean_up_tokenization_spaces: Optional[bool] = None, - use_max_padding: bool = False, - utf8_replace_mode: Optional[UTF8ReplaceMode] = None, + hf_tokenizer: PreTrainedTokenizerBase, params: TokenzierConversionParams, number_of_inputs: int = 1 ) -> Union[Model, Tuple[Model, Model]]: - pipeline = TransformersTokenizerPipelineParser(hf_tokenizer).parse( - number_of_inputs=number_of_inputs, - add_special_tokens=add_special_tokens, - skip_special_tokens=skip_special_tokens, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - use_max_padding=use_max_padding, - utf8_replace_mode=utf8_replace_mode, - ) + + pipeline = TransformersTokenizerPipelineParser(hf_tokenizer, params).parse() ov_tokenizer = pipeline.get_tokenizer_ov_subgraph() output_names = hf_tokenizer.model_input_names @@ -495,7 +473,7 @@ def convert_fast_tokenizer( tokenizer_model = Model(filtered_outputs, ov_tokenizer.get_parameters(), TOKENIZER_NAME) - if with_detokenizer: + if params.with_detokenizer: return tokenizer_model, pipeline.get_detokenizer_ov_subgraph() return tokenizer_model @@ -700,22 +678,13 @@ def modify_sentencepiece_model( def convert_sentencepiece_model_tokenizer( - hf_tokenizer: PreTrainedTokenizerBase, - add_attention_mask: bool = True, - with_detokenizer: bool = False, - streaming_detokenizer: bool = False, - add_special_tokens: bool = True, - skip_special_tokens: bool = False, - clean_up_tokenization_spaces: Optional[bool] = False, - add_prefix_space: Optional[bool] = None, - handle_special_tokens_with_re: Optional[bool] = None, - utf8_replace_mode: Optional[UTF8ReplaceMode] = None, + hf_tokenizer: PreTrainedTokenizerBase, params: TokenzierConversionParams, add_attention_mask: bool = True ) -> Union[Model, Tuple[Model, Model]]: if not is_sentencepiece_model(hf_tokenizer): raise OVTypeError("Cannot convert tokenizer of this type without `.model` file.") - if handle_special_tokens_with_re is None: - handle_special_tokens_with_re = is_sentencepiece_bpe_model(hf_tokenizer) + if params.handle_special_tokens_with_re is None: + params.handle_special_tokens_with_re = is_sentencepiece_bpe_model(hf_tokenizer) is_chatglm = getattr(hf_tokenizer, "name", None) == "GLMTokenizer" add_bos_token = add_eos_token = None @@ -745,7 +714,7 @@ def convert_sentencepiece_model_tokenizer( getattr(hf_tokenizer, "add_bos_token", add_eos_token) and hf_tokenizer.bos_token_id is not None ) or False - if add_special_tokens is False: + if params.add_special_tokens is False: add_bos_token = add_eos_token = False with tempfile.TemporaryDirectory() as tmp: @@ -758,7 +727,7 @@ def convert_sentencepiece_model_tokenizer( tokenizer_json_file = Path(tmp) / "tokenizer.json" prepend_scheme = "" if ( - add_prefix_space is None + params.add_prefix_space is None and isinstance(hf_tokenizer, PreTrainedTokenizerFast) and tokenizer_json_file.exists() ): @@ -781,20 +750,20 @@ def convert_sentencepiece_model_tokenizer( if metaspace is not None: prepend_scheme = metaspace.get("prepend_scheme", "") if prepend_scheme == "always": - add_prefix_space = True + params.add_prefix_space = True elif prepend_scheme == "never": - add_prefix_space = False + params.add_prefix_space = False elif prepend_scheme == "first": - add_prefix_space = True + params.add_prefix_space = True # metaspace can be emulated with sequence of normalizers - if add_prefix_space is None: + if params.add_prefix_space is None: normalizers = tokenizer_json.get("normalizer", {}).get("normalizers", []) - add_prefix_space = any(normalizer.get("prepend") == "▁" for normalizer in normalizers) + params.add_prefix_space = any(normalizer.get("prepend") == "▁" for normalizer in normalizers) prepend_scheme = "never" - elif add_prefix_space is None and isinstance(hf_tokenizer, PreTrainedTokenizerFast): - add_prefix_space = True + elif params.add_prefix_space is None and isinstance(hf_tokenizer, PreTrainedTokenizerFast): + params.add_prefix_space = True add_tokens = parse_special_tokens(hf_tokenizer, only_special_tokens=False) @@ -803,7 +772,7 @@ def convert_sentencepiece_model_tokenizer( add_tokens=add_tokens, hf_tokenizer=hf_tokenizer, skip_special_tokens=False, - add_prefix_space=add_prefix_space, + add_prefix_space=params.add_prefix_space, byte_fallback=byte_fallback, ) sp_model = np.frombuffer(sp_model_string, dtype=np.uint8) @@ -813,8 +782,8 @@ def convert_sentencepiece_model_tokenizer( sp_model_path=vocab_file, add_tokens=add_tokens, hf_tokenizer=hf_tokenizer, - skip_special_tokens=skip_special_tokens, - add_prefix_space=add_prefix_space, + skip_special_tokens=params.skip_special_tokens, + add_prefix_space=params.add_prefix_space, byte_fallback=byte_fallback, ) sp_detokenizer_model = np.fromstring(sp_detokenizer_model_string, dtype=np.uint8) @@ -826,7 +795,7 @@ def convert_sentencepiece_model_tokenizer( do_left_padding = hf_tokenizer.padding_side == "left" - if handle_special_tokens_with_re: + if params.handle_special_tokens_with_re: tokens, ids = zip(*sorted(((token, id) for id, token in add_tokens.items()), reverse=True)) added_inputs = [ *BasePipelineStep.create_string_constant_node(tokens).outputs(), @@ -839,8 +808,8 @@ def convert_sentencepiece_model_tokenizer( "SentencepieceTokenizer", [sp_model_node, *next_node] + added_inputs, { - "add_bos": add_bos_token and not handle_special_tokens_with_re, - "add_eos": add_eos_token and not handle_special_tokens_with_re, + "add_bos": add_bos_token and not params.handle_special_tokens_with_re, + "add_eos": add_eos_token and not params.handle_special_tokens_with_re, "reverse": do_left_padding, "alpha": 0.0, }, @@ -861,12 +830,12 @@ def convert_sentencepiece_model_tokenizer( ], ) - if is_chatglm and add_special_tokens: + if is_chatglm and params.add_special_tokens: prefix_tokens = np.array([hf_tokenizer.get_prefix_tokens()]) dense_shape, indices, values, attention_mask = add_prefix_tokens( prefix_tokens, dense_shape, indices, values, attention_mask, do_left_padding ) - elif add_bos_token and handle_special_tokens_with_re and hf_tokenizer.bos_token_id is not None: + elif add_bos_token and params.handle_special_tokens_with_re and hf_tokenizer.bos_token_id is not None: prefix_tokens = np.array([[hf_tokenizer.bos_token_id]]) dense_shape, indices, values, attention_mask = add_prefix_tokens( prefix_tokens, dense_shape, indices, values, attention_mask, do_left_padding @@ -914,20 +883,13 @@ def convert_sentencepiece_model_tokenizer( tokenizer = Model(outputs, [input_node], TOKENIZER_NAME) tokenizer.validate_nodes_and_infer_types() - if not with_detokenizer: + if not params.with_detokenizer: return tokenizer - if clean_up_tokenization_spaces is None: - clean_up_tokenization_spaces = hf_tokenizer.clean_up_tokenization_spaces + if params.clean_up_tokenization_spaces is None: + params.clean_up_tokenization_spaces = hf_tokenizer.clean_up_tokenization_spaces - detokenizer = get_sp_detokenizer( - sp_model_node=sp_detokenizer_model_node, - streaming_detokenizer=streaming_detokenizer, - clean_up_tokenization_spaces=clean_up_tokenization_spaces, - prepend_scheme=prepend_scheme, - add_prefix_space=add_prefix_space, - utf8_replace_mode=utf8_replace_mode, - ) + detokenizer = get_sp_detokenizer(sp_detokenizer_model_node, params, prepend_scheme=prepend_scheme) return tokenizer, detokenizer @@ -1010,36 +972,33 @@ def add_prefix_tokens( def get_sp_detokenizer( sp_model_node: Node, - streaming_detokenizer: bool = False, - clean_up_tokenization_spaces: bool = False, + params: TokenzierConversionParams, prepend_scheme: str = "", - add_prefix_space: Optional[bool] = None, - utf8_replace_mode: Optional[UTF8ReplaceMode] = None, ) -> Model: model_input = token_ids = op.Parameter(Type.i32, PartialShape(["?", "?"])) # (batch, sequence) detokenizer = ( _get_factory() .create( - "SentencepieceStreamDetokenizer" if streaming_detokenizer else "SentencepieceDetokenizer", + "SentencepieceStreamDetokenizer" if params.streaming_detokenizer else "SentencepieceDetokenizer", [sp_model_node, token_ids], ) .outputs() ) - if streaming_detokenizer: + if params.streaming_detokenizer: detokenizer = RegexDecodingStep.replace_sp_spaces().get_ov_subgraph(detokenizer) - if not streaming_detokenizer and prepend_scheme == "always" and add_prefix_space is False: + if not params.streaming_detokenizer and prepend_scheme == "always" and params.add_prefix_space is False: detokenizer = RegexDecodingStep.strip_forward_space().get_ov_subgraph(detokenizer) - elif not streaming_detokenizer and prepend_scheme == "first" and add_prefix_space is False: + elif not params.streaming_detokenizer and prepend_scheme == "first" and params.add_prefix_space is False: detokenizer = RegexDecodingStep.strip_forward_space_before_not_space().get_ov_subgraph(detokenizer) - if clean_up_tokenization_spaces: + if params.clean_up_tokenization_spaces: detokenizer = RegexDecodingStep.clean_up_tokenization_spaces().get_ov_subgraph(detokenizer) - if utf8_replace_mode is not None: - replace_mode = True if utf8_replace_mode is UTF8ReplaceMode.REPLACE else False + if params.utf8_replace_mode is not None: + replace_mode = True if params.utf8_replace_mode is UTF8ReplaceMode.REPLACE else False UTF8ValidateStep(mode=replace_mode).get_ov_subgraph(detokenizer) string_output = _get_factory().create("StringTensorPack", detokenizer).outputs() @@ -1063,24 +1022,18 @@ def is_tiktoken_model(hf_tokenizer: PreTrainedTokenizerBase) -> bool: def convert_tiktoken_model_tokenizer( - hf_tokenizer: PreTrainedTokenizerBase, - with_detokenizer: bool = False, - add_special_tokens: bool = True, - skip_special_tokens: bool = False, - clean_up_tokenization_spaces: Optional[bool] = None, - use_max_padding: bool = False, - utf8_replace_mode: Optional[UTF8ReplaceMode] = None, + hf_tokenizer: PreTrainedTokenizerBase, params: TokenzierConversionParams ) -> Union[Model, Tuple[Model, Model]]: encoding = getattr(hf_tokenizer, "tokenizer", None) or hf_tokenizer.encoder split_pattern = encoding._pat_str pipeline = TokenizerPipeline() skip_tokens = [] - if skip_special_tokens: + if params.skip_special_tokens: skip_tokens = list(parse_special_tokens(hf_tokenizer)) add_prefix_steps = [] - if hasattr(hf_tokenizer, "get_prefix_tokens") and add_special_tokens: + if hasattr(hf_tokenizer, "get_prefix_tokens") and params.add_special_tokens: prefix_tokens = [AddToken(_token_id=token_id) for token_id in hf_tokenizer.get_prefix_tokens()] add_prefix_steps.append(CombineSegmentsStep(inputs=prefix_tokens + [Sequence()])) @@ -1097,7 +1050,7 @@ def convert_tiktoken_model_tokenizer( token=getattr(hf_tokenizer, "pad_token"), _token_id=getattr(hf_tokenizer, "pad_token_id"), pad_right=(hf_tokenizer.padding_side == "right"), - pad_to_max_length=use_max_padding, + pad_to_max_length=params.use_max_padding, ), ] ) @@ -1115,16 +1068,16 @@ def convert_tiktoken_model_tokenizer( ] ) - if utf8_replace_mode is not None: - (pipeline.add_steps(UTF8ValidateStep(mode=utf8_replace_mode)),) + if params.utf8_replace_mode is not None: + (pipeline.add_steps(UTF8ValidateStep(mode=params.utf8_replace_mode)),) - if clean_up_tokenization_spaces is None: - clean_up_tokenization_spaces = getattr(hf_tokenizer, "clean_up_tokenization_spaces", None) + if params.clean_up_tokenization_spaces is None: + params.clean_up_tokenization_spaces = getattr(hf_tokenizer, "clean_up_tokenization_spaces", None) - if clean_up_tokenization_spaces: + if params.clean_up_tokenization_spaces: pipeline.add_steps(RegexDecodingStep.clean_up_tokenization_spaces()) - if not with_detokenizer: + if not params.with_detokenizer: return pipeline.get_tokenizer_ov_subgraph() return pipeline.get_tokenizer_ov_subgraph(), pipeline.get_detokenizer_ov_subgraph() diff --git a/python/openvino_tokenizers/tokenizer_pipeline.py b/python/openvino_tokenizers/tokenizer_pipeline.py index fa803fd7..b283ba6e 100644 --- a/python/openvino_tokenizers/tokenizer_pipeline.py +++ b/python/openvino_tokenizers/tokenizer_pipeline.py @@ -822,7 +822,7 @@ def from_hf_json_template_postprocessor( step = AddToken( token=template_dict["SpecialToken"]["id"], token_type_id=template_dict["SpecialToken"]["type_id"], - enabled_by_default=add_special_tokens + enabled_by_default=add_special_tokens, ) if special_tokens := post_processor_dict.get("special_tokens", False): step.token_id = next(iter(special_tokens.get(step.token, {}).get("ids", [None]))) @@ -837,28 +837,16 @@ def from_hf_json_bert_postprocessor( ) -> "CombineSegmentsStep": inputs: List[TokenWithTypeId] = [] inputs.append( - AddToken( - token=post_processor_dict["cls"][0], - token_type_id=0, - enabled_by_default=add_special_tokens - ) + AddToken(token=post_processor_dict["cls"][0], token_type_id=0, enabled_by_default=add_special_tokens) ) inputs.append(Sequence(token_type_id=0)) inputs.append( - AddToken( - token=post_processor_dict["sep"][0], - token_type_id=0, - enabled_by_default=add_special_tokens - ) + AddToken(token=post_processor_dict["sep"][0], token_type_id=0, enabled_by_default=add_special_tokens) ) if number_of_inputs == 2: inputs.append(Sequence(token_type_id=1)) inputs.append( - AddToken( - token=post_processor_dict["sep"][0], - token_type_id=1, - enabled_by_default=add_special_tokens - ) + AddToken(token=post_processor_dict["sep"][0], token_type_id=1, enabled_by_default=add_special_tokens) ) return cls(inputs, add_special_tokens=add_special_tokens) @@ -872,10 +860,21 @@ def from_hf_json_roberta_processor( inputs: List[TokenWithTypeId] = [Sequence(token_type_id=0)] inputs.insert( - 0, AddToken(token=post_processor_dict["cls"][0], _token_id=post_processor_dict["cls"][1], token_type_id=0, enabled_by_default=add_special_tokens) + 0, + AddToken( + token=post_processor_dict["cls"][0], + _token_id=post_processor_dict["cls"][1], + token_type_id=0, + enabled_by_default=add_special_tokens, + ), ) inputs.append( - AddToken(token=post_processor_dict["sep"][0], _token_id=post_processor_dict["sep"][1], token_type_id=0, enabled_by_default=add_special_tokens) + AddToken( + token=post_processor_dict["sep"][0], + _token_id=post_processor_dict["sep"][1], + token_type_id=0, + enabled_by_default=add_special_tokens, + ) ) return cls(inputs, add_special_tokens=add_special_tokens) @@ -894,7 +893,9 @@ def get_ov_subgraph(self, input_nodes): segment_ids = [] segment_index = 0 - for (key, token_id), group_iter in groupby(self.inputs, key=lambda input: (type(input), getattr(input, 'token_id', None))): + for (key, token_id), group_iter in groupby( + self.inputs, key=lambda input: (type(input), getattr(input, "token_id", None)) + ): if key is Sequence: for sequence in group_iter: op_inputs.extend(islice(input_nodes_iter, 3)) @@ -902,10 +903,10 @@ def get_ov_subgraph(self, input_nodes): segment_index += 1 elif key is AddToken: ids = [node._token_id for node in group_iter] - + segment_ids.append(self.segment_ids[segment_index]) segment_index += len(ids) - + op_inputs.extend(make_constant_node(0, Type.i32).outputs()) # If we don't add special tokens then end is 0. op_inputs.extend(make_constant_node(len(ids) if self.add_special_tokens else 0, Type.i32).outputs()) diff --git a/python/openvino_tokenizers/utils.py b/python/openvino_tokenizers/utils.py index 33e17483..440a43c3 100644 --- a/python/openvino_tokenizers/utils.py +++ b/python/openvino_tokenizers/utils.py @@ -10,6 +10,7 @@ from openvino import Model, Type from openvino.preprocess import PrePostProcessor from openvino.runtime import opset12 as opset +from dataclasses import dataclass from .constants import ( LOGITS_OUTPUT_NAME, @@ -17,9 +18,63 @@ SPACE_SYMBOLS, TOKEN_IDS_OUTPUT_NAME, rt_info_to_hf_attribute_map, + UTF8ReplaceMode, ) +@dataclass +class TokenzierConversionParams: + """ + with_detokenizer : bool + Whether to include a detokenizer in the conversion process. Default is False. + + add_special_tokens : bool + Whether to add special tokens during tokenization. Default is True. + + skip_special_tokens : bool + Whether to skip special tokens during detokenization. Default is True. + + clean_up_tokenization_spaces : Optional[bool] + If True, extra spaces will be cleaned up during the tokenization process. Default is None. + + tokenizer_output_type : Type + The output type for the tokenizer model. Default is `Type.i64`. + + detokenizer_input_type : Type + The input type for the detokenizer model. Default is `Type.i64`. + + streaming_detokenizer : bool + If True, enables streaming mode for the detokenizer. Default is False. + + use_max_padding : bool + If True, enables maximum padding for the tokenizer. Default is False. + + handle_special_tokens_with_re : Optional[bool] + If True, uses regular expressions to handle special tokens during tokenization. Default is None. + + use_sentencepiece_backend : bool + If True, forces the use of the SentencePiece backend during tokenization. Default is False. + + utf8_replace_mode : Optional[UTF8ReplaceMode] + Specifies the UTF-8 replacement mode during tokenization. + Allowed values are UTF8ReplaceMode.IGNORE and UTF8ReplaceMode.REPLACE. Default is None. + """ + + with_detokenizer: bool = False + add_special_tokens: bool = True + skip_special_tokens: bool = True + clean_up_tokenization_spaces: Optional[bool] = None + tokenizer_output_type: Type = Type.i64 + detokenizer_input_type: Type = Type.i64 + streaming_detokenizer: bool = False + use_max_padding: bool = False + handle_special_tokens_with_re: Optional[bool] = None + use_sentencepiece_backend: bool = False + utf8_replace_mode: Optional[UTF8ReplaceMode] = None + add_attention_mask: bool = True + add_prefix_space: Optional[bool] = None + number_of_inputs: int = 1 + logger = logging.getLogger(__name__) @@ -171,9 +226,15 @@ def get_hf_tokenizer_attribute( def update_rt_info( ov_tokenizer: Model, hf_tokenizer: "PreTrainedTokenizerBase", # noqa + params: TokenzierConversionParams, ) -> None: ov_tokenizer.set_rt_info(str(type(hf_tokenizer)), ORIGINAL_TOKENIZER_CLASS_NAME) + for key in params.__match_args__: + v = getattr(params, key) + v = str(v) if isinstance(v, bool) else v + ov_tokenizer.set_rt_info(v, key) + for rt_field_name, hf_attributes in rt_info_to_hf_attribute_map.items(): attribute = get_hf_tokenizer_attribute(hf_tokenizer, hf_attributes) if attribute is not None: diff --git a/tests/layer_tests.py b/tests/layer_tests.py index e59652b5..31c9947e 100644 --- a/tests/layer_tests.py +++ b/tests/layer_tests.py @@ -37,7 +37,7 @@ b"\xf0\x80\x80\x80", # 4 bytes sequence but codepoint is less than 0x1000 b"\xe2\x28\xa1", # \x28 is not a valid continuation byte b"the following block is invalid \xe2\x28\xa1 but this text is valid", # \x28 is not a valid continuation byte - b"A\xC3\x28B", # 'A' and 'B' are valid \x28 is invalid + b"A\xc3\x28B", # 'A' and 'B' are valid \x28 is invalid b"\xe2\x82", # 3 byte symbol but is incomplete b"A\xc3\xa9\xe2\x82\xac\xf0\x90\x8d\x88", # Mix of ASCII, 2-byte, 3-byte, and 4-byte characters ] diff --git a/tests/pass_rates.json b/tests/pass_rates.json index 78ea8ff9..13d1ceda 100644 --- a/tests/pass_rates.json +++ b/tests/pass_rates.json @@ -1,3 +1,3 @@ { - "tests/tokenizers_test.py::test_": 0.9306783665204185 + "tests/tokenizers_test.py::test_": 0.9306970780754437 } \ No newline at end of file diff --git a/tests/stats.json b/tests/stats.json index a0292984..89563748 100644 --- a/tests/stats.json +++ b/tests/stats.json @@ -1002,30 +1002,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-right_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-right_pad-test_string2]": "passed", @@ -1034,6 +1018,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-uncased-left_pad-test_string2]": "passed", @@ -1042,14 +1034,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-uncased-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-rubert-tiny2-right_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-rubert-tiny2-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-rubert-tiny2-right_pad-test_string2]": "passed", @@ -1058,14 +1050,6 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-rubert-tiny2-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-rubert-tiny2-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-rubert-tiny2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-rubert-tiny2-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-rubert-tiny2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-rubert-tiny2-left_pad-test_string2]": "passed", @@ -1074,6 +1058,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-rubert-tiny2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-rubert-tiny2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-rubert-tiny2-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-rubert-tiny2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-rubert-tiny2-left_pad-test_string2]": "passed", @@ -1090,14 +1082,6 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string2]": "passed", @@ -1106,6 +1090,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-distilbert-base-uncased-finetuned-sst-2-english-left_pad-test_string2]": "passed", @@ -1122,14 +1114,6 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-all-MiniLM-L6-v2-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-all-MiniLM-L6-v2-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-all-MiniLM-L6-v2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-all-MiniLM-L6-v2-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-all-MiniLM-L6-v2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-all-MiniLM-L6-v2-left_pad-test_string2]": "passed", @@ -1138,6 +1122,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-all-MiniLM-L6-v2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-all-MiniLM-L6-v2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-all-MiniLM-L6-v2-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-all-MiniLM-L6-v2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-all-MiniLM-L6-v2-left_pad-test_string2]": "passed", @@ -1170,14 +1162,6 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-electra-base-discriminator-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-electra-base-discriminator-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-electra-base-discriminator-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-electra-base-discriminator-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-electra-base-discriminator-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-electra-base-discriminator-left_pad-test_string2]": "passed", @@ -1186,6 +1170,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-electra-base-discriminator-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-electra-base-discriminator-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-electra-base-discriminator-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-electra-base-discriminator-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-electra-base-discriminator-left_pad-test_string2]": "passed", @@ -1218,14 +1210,6 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-ko-sbert-sts-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-ko-sbert-sts-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-ko-sbert-sts-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-ko-sbert-sts-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-ko-sbert-sts-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-ko-sbert-sts-left_pad-test_string2]": "passed", @@ -1234,6 +1218,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-ko-sbert-sts-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-ko-sbert-sts-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-ko-sbert-sts-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-ko-sbert-sts-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ko-sbert-sts-left_pad-test_string2]": "passed", @@ -1282,14 +1274,6 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-finbert-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-finbert-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-finbert-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-finbert-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-finbert-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-finbert-left_pad-test_string2]": "passed", @@ -1298,6 +1282,14 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-finbert-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-finbert-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-finbert-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-finbert-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-finbert-left_pad-test_string2]": "passed", @@ -1312,18 +1304,18 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-right_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-LaBSE-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-LaBSE-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-LaBSE-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-left_pad-test_string3]": "passed", @@ -1338,14 +1330,6 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-4o-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-4o-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-4o-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-4o-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-4o-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-4o-left_pad-test_string2]": "passed", @@ -1354,6 +1338,14 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-4o-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-4o-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-4o-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-4o-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-4o-left_pad-test_string2]": "passed", @@ -1384,18 +1376,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-falcon-7b-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-falcon-7b-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-falcon-7b-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-left_pad-test_string3]": "passed", @@ -1444,18 +1436,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-neo-125m-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-neo-125m-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-neo-125m-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-left_pad-test_string3]": "passed", @@ -1468,18 +1460,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-j-6b-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-j-6b-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-j-6b-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-left_pad-test_string3]": "passed", @@ -1492,18 +1484,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-roberta-base-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-roberta-base-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-roberta-base-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-left_pad-test_string3]": "passed", @@ -1516,18 +1508,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-left_pad-test_string3]": "passed", @@ -1540,18 +1532,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-bart-large-mnli-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-bart-large-mnli-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-bart-large-mnli-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-left_pad-test_string3]": "passed", @@ -1576,18 +1568,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt2-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-left_pad-test_string3]": "passed", @@ -1612,18 +1604,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-left_pad-test_string3]": "passed", @@ -1698,14 +1690,6 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string2]": "passed", @@ -1714,6 +1698,14 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-CLIP-ViT-bigG-14-laion2B-39B-b160k-left_pad-test_string2]": "passed", @@ -1728,18 +1720,18 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-codegen-16B-multi-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-codegen-16B-multi-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-codegen-16B-multi-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-left_pad-test_string3]": "passed", @@ -1770,14 +1762,6 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-deepseek-coder-6.7b-instruct-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-deepseek-coder-6.7b-instruct-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-deepseek-coder-6.7b-instruct-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-deepseek-coder-6.7b-instruct-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-deepseek-coder-6.7b-instruct-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-deepseek-coder-6.7b-instruct-left_pad-test_string2]": "passed", @@ -1786,6 +1770,14 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-deepseek-coder-6.7b-instruct-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-deepseek-coder-6.7b-instruct-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-deepseek-coder-6.7b-instruct-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-deepseek-coder-6.7b-instruct-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-deepseek-coder-6.7b-instruct-left_pad-test_string2]": "passed", @@ -1802,14 +1794,6 @@ "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-min_pad-right_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-min_pad-right_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-min_pad-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-min_pad-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-min_pad-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-min_pad-left_pad-test_string2]": "passed", @@ -1818,6 +1802,14 @@ "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-min_pad-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-min_pad-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-min_pad-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-right_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-left_pad-test_string0]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[no_add_tokens-Qwen-14B-Chat-max_pad-left_pad-test_string2]": "passed", @@ -1826,14 +1818,22 @@ "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-left_pad-test_string1]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-left_pad-test_string2]": "passed", "tokenizers_test.py::test_hf_tiktoken_tokenizers_multiple_strings[add_tokens-Qwen-14B-Chat-max_pad-left_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string0]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string1]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string2]": "passed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-multilingual-cased-right_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-bert-base-multilingual-cased-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-bert-base-uncased-left_pad-test_string3]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string0]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string1]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string2]": "passed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-bert-base-uncased-left_pad-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Fast-test_string1]": "passed", @@ -1842,22 +1842,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Fast-test_string1]": "passed", @@ -1866,6 +1858,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string1]": "passed", @@ -1884,18 +1884,6 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-camembert-base-left_pad-sp_backend-Fast-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string3]": "passed", @@ -1908,6 +1896,18 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string3]": "passed", @@ -2060,14 +2060,6 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad-sp_backend-Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Fast-test_string1]": "passed", @@ -2076,6 +2068,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Fast-test_string1]": "passed", @@ -2084,18 +2084,6 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Fast-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string3]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string3]": "passed", @@ -2108,6 +2096,18 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string3]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string3]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string3]": "passed", @@ -2120,44 +2120,6 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string1]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string2]": "passed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string3]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", @@ -2196,24 +2158,62 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", @@ -2234,44 +2234,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", @@ -2310,6 +2272,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", @@ -2348,158 +2348,120 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", @@ -2538,6 +2500,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", @@ -2576,44 +2576,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", @@ -2652,6 +2614,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", @@ -2743,48 +2743,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -2839,6 +2797,48 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -2993,44 +2993,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[camembert-base-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", @@ -3069,6 +3031,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", @@ -3107,158 +3107,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", @@ -3297,6 +3145,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", @@ -3335,44 +3221,120 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", @@ -3411,16 +3373,54 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", @@ -3449,81 +3449,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[Llama-2-13b-hf-sp_backend-Slow]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-A lot\\t w!]": "passed", @@ -3599,6 +3524,81 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[Llama-2-13b-hf--Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[Llama-2-13b-hf-sp_backend-Slow]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-A lot\\t w!]": "passed", @@ -3742,80 +3742,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -3892,6 +3818,80 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -4186,78 +4186,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -4334,6 +4262,78 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -4628,48 +4628,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", @@ -4738,6 +4696,48 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-A lot\\t w!]": "passed", @@ -4921,46 +4921,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -5031,6 +4991,46 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-A lot\\t w!]": "passed", @@ -5294,46 +5294,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", @@ -5404,6 +5364,46 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-A lot\\t w!]": "passed", @@ -5661,65 +5661,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", @@ -5789,6 +5730,65 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-A lot\\t w!]": "passed", @@ -5984,43 +5984,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-\\x06]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[bilingual-gpt-neox-4b-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", @@ -6059,6 +6022,43 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", @@ -6097,157 +6097,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", @@ -6286,6 +6135,43 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", @@ -6324,44 +6210,120 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", @@ -6400,20 +6362,58 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Testzeichenfolge?]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", @@ -6438,81 +6438,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[Phi-3-mini-128k-instruct-sp_backend-Slow]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-A lot\\t w!]": "passed", @@ -6588,6 +6513,81 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Phi-3-mini-128k-instruct--Fast-test_string0]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[Phi-3-mini-128k-instruct--Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[Phi-3-mini-128k-instruct-sp_backend-Slow]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-A lot\\t w!]": "passed", @@ -6665,44 +6665,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[Phi-3-mini-128k-instruct-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", @@ -6741,22 +6703,60 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", @@ -6779,157 +6779,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", @@ -6968,6 +6817,43 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", @@ -7006,43 +6892,120 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", @@ -7081,6 +7044,43 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", @@ -7119,6 +7119,83 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it--Fast-test_string0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it--Fast-test_string0]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it--Fast]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Slow-A lot\\t w!]": "passed", @@ -7198,83 +7275,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it-sp_backend-Slow-test_string0]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-quantized-gemma-7b-it--Fast-test_string0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-quantized-gemma-7b-it--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-quantized-gemma-7b-it--Fast-test_string0]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[quantized-gemma-7b-it--Fast]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-quantized-gemma-7b-it-sp_backend-Fast-A lot\\t w!]": "passed", @@ -7388,44 +7388,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-4o- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-A lot\\t w!]": "passed", @@ -7464,6 +7426,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-4o- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-4o- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-4o-A lot\\t w!]": "passed", @@ -7617,44 +7617,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", @@ -7693,6 +7655,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-Meta-Llama-3-8B-Instruct- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-Meta-Llama-3-8B-Instruct-A lot\\t w!]": "passed", @@ -7848,44 +7848,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-falcon-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-A lot\\t w!]": "passed", @@ -7924,6 +7886,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-falcon-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-falcon-7b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-falcon-7b-A lot\\t w!]": "passed", @@ -8069,44 +8069,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "passed", @@ -8145,6 +8107,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablecode-completion-alpha-3b-4k- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablecode-completion-alpha-3b-4k-A lot\\t w!]": "passed", @@ -8292,44 +8292,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-A lot\\t w!]": "passed", @@ -8368,6 +8330,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-tuned-alpha-7b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-tuned-alpha-7b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-tuned-alpha-7b-A lot\\t w!]": "passed", @@ -8515,44 +8515,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-dolly-v2-3b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", @@ -8591,28 +8553,66 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-dolly-v2-3b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-dolly-v2-3b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-dolly-v2-3b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", @@ -8738,44 +8738,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neo-125m- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-A lot\\t w!]": "passed", @@ -8814,6 +8776,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neo-125m- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neo-125m- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neo-125m-A lot\\t w!]": "passed", @@ -8963,44 +8963,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-j-6b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-A lot\\t w!]": "passed", @@ -9039,6 +9001,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-j-6b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-j-6b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-j-6b-A lot\\t w!]": "passed", @@ -9188,44 +9188,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-roberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-A lot\\t w!]": "passed", @@ -9264,12 +9226,50 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-roberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-roberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-What is OpenVINO?]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-roberta-base-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", @@ -9413,44 +9413,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-all-roberta-large-v1- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-A lot\\t w!]": "passed", @@ -9489,6 +9451,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-all-roberta-large-v1- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-all-roberta-large-v1- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-all-roberta-large-v1-A lot\\t w!]": "passed", @@ -9638,44 +9638,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bart-large-mnli- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-A lot\\t w!]": "passed", @@ -9714,6 +9676,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bart-large-mnli- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bart-large-mnli- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bart-large-mnli-A lot\\t w!]": "passed", @@ -9863,44 +9863,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-opt-66b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-A lot\\t w!]": "passed", @@ -9939,28 +9901,66 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-opt-66b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-opt-66b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-opt-66b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", @@ -10088,44 +10088,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-A lot\\t w!]": "passed", @@ -10164,6 +10126,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt2- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt2-A lot\\t w!]": "passed", @@ -10313,44 +10313,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-gpt-neox-20b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-A lot\\t w!]": "passed", @@ -10389,6 +10351,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-gpt-neox-20b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-gpt-neox-20b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-gpt-neox-20b-A lot\\t w!]": "passed", @@ -10536,44 +10536,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", @@ -10612,12 +10574,50 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-rugpt3large_based_on_gpt2- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-rugpt3large_based_on_gpt2- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-What is OpenVINO?]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-rugpt3large_based_on_gpt2-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", @@ -10759,44 +10759,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-fairseq-dense-13B- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-A lot\\t w!]": "passed", @@ -10835,6 +10797,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-fairseq-dense-13B- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-fairseq-dense-13B- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-fairseq-dense-13B-A lot\\t w!]": "passed", @@ -10984,44 +10984,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-galactica-120b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-A lot\\t w!]": "passed", @@ -11060,6 +11022,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-galactica-120b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-galactica-120b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-galactica-120b-A lot\\t w!]": "passed", @@ -11207,44 +11207,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-pythia-12b-deduped- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", @@ -11283,28 +11245,66 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-pythia-12b-deduped- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-pythia-12b-deduped- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-pythia-12b-deduped-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", @@ -11430,44 +11430,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deberta-base- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-A lot\\t w!]": "passed", @@ -11506,6 +11468,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deberta-base- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deberta-base- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deberta-base-A lot\\t w!]": "passed", @@ -11655,44 +11655,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-bloom- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-A lot\\t w!]": "passed", @@ -11731,6 +11693,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-bloom- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-bloom- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-bloom-A lot\\t w!]": "passed", @@ -11882,6 +11882,42 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", @@ -11920,42 +11956,6 @@ "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-CLIP-ViT-bigG-14-laion2B-39B-b160k-A lot\\t w!]": "passed", @@ -12107,44 +12107,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-codegen-16B-multi- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-A lot\\t w!]": "passed", @@ -12183,6 +12145,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-codegen-16B-multi- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-codegen-16B-multi- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-codegen-16B-multi-A lot\\t w!]": "passed", @@ -12334,44 +12334,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-stablelm-2-1_6b- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-A lot\\t w!]": "passed", @@ -12410,6 +12372,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-stablelm-2-1_6b- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-stablelm-2-1_6b- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-stablelm-2-1_6b-A lot\\t w!]": "passed", @@ -12563,44 +12563,6 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\x06]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\n]": "passed", - "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", @@ -12639,6 +12601,44 @@ "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[no_skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f600]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001fae0]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\x06]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- ]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct-\\n]": "passed", + "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-no_clean_spaces-deepseek-coder-6.7b-instruct- \\t\\n]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Eng... test, string?!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_bpe_detokenizer[skip_tokens-clean_spaces-deepseek-coder-6.7b-instruct-A lot\\t w!]": "passed", @@ -12792,44 +12792,6 @@ "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\n]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-no_clean_spaces-Qwen-14B-Chat- \\t\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t w!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\x06]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\n]": "passed", - "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- \\t\\n]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-Eng... test, string?!]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-A lot\\t w!]": "passed", @@ -12868,6 +12830,44 @@ "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat- ]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat-\\n]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[no_skip_tokens-clean_spaces-Qwen-14B-Chat- \\t\\n]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t w!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f600]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001fae0]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\x06]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- ]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat-\\n]": "passed", + "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-no_clean_spaces-Qwen-14B-Chat- \\t\\n]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-Eng... test, string?!]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_tiktoken_detokenizer[skip_tokens-clean_spaces-Qwen-14B-Chat-A lot\\t w!]": "passed", @@ -12983,272 +12983,120 @@ "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat-\\n]": "passed", "tokenizers_test.py::test_tiktoken_tokenizers[add_tokens-Qwen-14B-Chat- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_tiktoken[Qwen-14B-Chat]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", @@ -13287,6 +13135,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", @@ -13325,81 +13211,120 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[CodeLlama-7b-hf-sp_backend-Slow]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-A lot\\t w!]": "passed", @@ -13471,6 +13396,81 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast- ]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[CodeLlama-7b-hf--Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[CodeLlama-7b-hf-sp_backend-Slow]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-A lot\\t w!]": "passed", @@ -13548,6 +13548,79 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[CodeLlama-7b-hf-sp_backend-Fast]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\x06]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", + "tokenizers_test.py::test_rt_info_sentencepiece[TinyLlama-1.1B-Chat-v1.0--Fast]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-A lot\\t w!]": "passed", @@ -13623,79 +13696,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow- \\t\\n]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng... test, string?!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Multiline\\nstring!\\nWow!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t w!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-A lot\\t\\tof whitespaces!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-What is OpenVINO?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Testzeichenfolge?]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-Tester, la cha\\xeene...]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f600]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001fae0]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\x06]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- ]": "passed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast- \\t\\n]": "passed", - "tokenizers_test.py::test_rt_info_sentencepiece[TinyLlama-1.1B-Chat-v1.0--Fast]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Eng... test, string?!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-Multiline\\nstring!\\nWow!]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-A lot\\t w!]": "passed", @@ -13775,18 +13775,22 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast- \\t\\n]": "passed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast-test_string0]": "passed", "tokenizers_test.py::test_rt_info_sentencepiece[TinyLlama-1.1B-Chat-v1.0-sp_backend-Fast]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string2]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string1]": "passed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string2]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string1]": "passed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string2]": "passed", "tokenizers_test.py::test_rt_info_wordpiece[bert-base-uncased]": "passed", "tokenizers_test.py::test_rt_info_wordpiece[bert-base-multilingual-cased]": "passed", "tokenizers_test.py::test_streaming_detokenizer[open_llama_3b_v2]": "passed", "tokenizers_test.py::test_detokenizer_results_align_with_hf_on_multitoken_symbols_for_streaming": "passed", + "tokenizers_test.py::test_rt_info_conversion_params[bert-base-uncased]": "passed", + "tokenizers_test.py::test_rt_info_conversion_params[TinyLlama/TinyLlama-1.1B-Chat-v1.0]": "passed", + "tokenizers_test.py::test_rt_info_conversion_params[Xenova/gpt-4o]": "passed", + "tokenizers_test.py::test_rt_info_conversion_params[Qwen/Qwen-14B-Chat]": "passed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string0]": "skipped", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string1]": "skipped", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-ernie-finetuned-qqp-right_pad-test_string2]": "skipped", @@ -14501,44 +14505,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", @@ -14691,82 +14695,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Slow-A lot\\t w!]": "skipped", @@ -14843,6 +14771,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base--Slow-A lot\\t w!]": "skipped", @@ -14998,8 +15002,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-camembert-base--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[camembert-base--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-camembert-base-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-camembert-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-camembert-base--Fast-A lot\\t w!]": "skipped", @@ -15079,6 +15081,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-camembert-base--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[camembert-base--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-camembert-base-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-camembert-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-camembert-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-camembert-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", @@ -15119,44 +15123,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", @@ -15195,6 +15161,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Llama-2-13b-hf--Slow-A lot\\t w!]": "skipped", @@ -15312,10 +15316,10 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Llama-2-13b-hf--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[Llama-2-13b-hf--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Llama-2-13b-hf-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Llama-2-13b-hf--Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Llama-2-13b-hf--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Llama-2-13b-hf-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Llama-2-13b-hf-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", @@ -15394,82 +15398,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", @@ -15546,6 +15474,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlm-roberta-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlm-roberta-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlm-roberta-base--Slow-A lot\\t w!]": "skipped", @@ -15701,8 +15705,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlm-roberta-base--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[xlm-roberta-base--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlm-roberta-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlm-roberta-base--Fast-A lot\\t w!]": "skipped", @@ -15782,6 +15784,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlm-roberta-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlm-roberta-base--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[xlm-roberta-base--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlm-roberta-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlm-roberta-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlm-roberta-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", @@ -15838,104 +15842,28 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Slow-A lot\\t w!]": "skipped", @@ -16012,6 +15940,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-deberta-v3-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-deberta-v3-base--Slow-A lot\\t w!]": "skipped", @@ -16167,8 +16171,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-deberta-v3-base--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[deberta-v3-base--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-deberta-v3-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-deberta-v3-base--Fast-A lot\\t w!]": "skipped", @@ -16248,6 +16250,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-deberta-v3-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-deberta-v3-base--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[deberta-v3-base--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-deberta-v3-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-deberta-v3-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-deberta-v3-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", @@ -16326,82 +16330,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", @@ -16478,6 +16406,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased--Slow-A lot\\t w!]": "skipped", @@ -16633,8 +16637,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlnet-base-cased--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[xlnet-base-cased--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlnet-base-cased-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-xlnet-base-cased--Fast-A lot\\t w!]": "skipped", @@ -16714,6 +16716,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-xlnet-base-cased--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlnet-base-cased--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[xlnet-base-cased--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlnet-base-cased-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-xlnet-base-cased-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-xlnet-base-cased-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Slow-Eng... test, string?!]": "skipped", @@ -16792,82 +16796,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Slow-A lot\\t w!]": "skipped", @@ -16944,6 +16872,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base--Slow-A lot\\t w!]": "skipped", @@ -17099,8 +17103,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-t5-base--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[t5-base--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-t5-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-t5-base--Fast-A lot\\t w!]": "skipped", @@ -17180,6 +17182,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-t5-base--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-t5-base--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[t5-base--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-t5-base-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-t5-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-t5-base-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Slow-Eng... test, string?!]": "skipped", @@ -17258,82 +17262,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Slow-A lot\\t w!]": "skipped", @@ -17410,6 +17338,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small--Slow-A lot\\t w!]": "skipped", @@ -17565,8 +17569,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-musicgen-small--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[musicgen-small--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-musicgen-small-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-musicgen-small--Fast-A lot\\t w!]": "skipped", @@ -17646,6 +17648,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-musicgen-small--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-musicgen-small--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[musicgen-small--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-musicgen-small-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-musicgen-small-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-musicgen-small-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", @@ -17724,82 +17728,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", @@ -17876,6 +17804,82 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b--Slow-A lot\\t w!]": "skipped", @@ -18031,8 +18035,6 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-bilingual-gpt-neox-4b--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[bilingual-gpt-neox-4b--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-bilingual-gpt-neox-4b--Fast-A lot\\t w!]": "skipped", @@ -18112,6 +18114,8 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b--Fast- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-bilingual-gpt-neox-4b--Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[bilingual-gpt-neox-4b--Fast]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-bilingual-gpt-neox-4b-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", @@ -18148,48 +18152,10 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", @@ -18228,6 +18194,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-Phi-3-mini-128k-instruct--Slow-A lot\\t w!]": "skipped", @@ -18383,44 +18387,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", @@ -18459,6 +18425,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-quantized-gemma-7b-it--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-quantized-gemma-7b-it--Slow-A lot\\t w!]": "skipped", @@ -18622,82 +18626,44 @@ "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-stablelm-2-1_6b-test_string0]": "skipped", "tokenizers_test.py::test_tiktoken_model_tokenizer_chat[no_add_tokens-Qwen-14B-Chat-test_string0]": "skipped", "tokenizers_test.py::test_tiktoken_model_tokenizer_chat[add_tokens-Qwen-14B-Chat-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t\\tof whitespaces!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\x06]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", @@ -18736,6 +18702,44 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- \\t\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Eng... test, string?!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Multiline\\nstring!\\nWow!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t w!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-A lot\\t\\tof whitespaces!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Eng, but with d1gits: 123; 0987654321, stop.0987654321 - eng, but with d1gits: 123]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-What is OpenVINO?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-If I have 100 million dollars, what kinds of projects should I invest to maximize my benefits in background of a growing number of artificial intelligence technologies?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Originally, There were three types of cake in the cake store: Strawberry Cream Cake, Chocolate Coconut Cake, and Red Velvet Brownie Cake. Customer number is large enough so that no cake would be left every day when the store close. As the name suggested, each cake has two ingredients: Strawberry Cream Cake with strawberries and cream, Chocolate Coconut Cake with chocolate and coconut, and Red Velvet Brownie Cake with red velvet and brownie. Different ingredients can be compatibly mixed with each other without any issue. After the cake is made, there are often some leftover materials for each ingredient. In order to reduce waste, the store often combine the extra ingredients in pairs to make new small gifts to gain extra sales. For example, strawberries and chocolate can be mixed to create strawberry-flavored chocolate sauce, and brownies and shredded coconut can be mixed to create brownie coconut cookies. Only two ingredients can be mixed, and mixture with more than two ingredients can cost a lot of time and will not be adopted. In order to decrease the problem complexity, the store will also prevent from careful decorations or other difficult steps as in procedure of making cakes, so that time cost can be omited. By analogy, if all the ingredients can be combined in pairs, what small products can the store make in the end?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-There is a table, which contains three drawers: left drawer, middle drawer and right drawer; Tom Ethan, Elbert Alex, Jack Johnson, and Mario Thompson all saw a bag of chocolates on the table. Tom Ethan asked Elbert Alex and Jack Johnson to go out, and after that, he put the bag of chocolates in the right drawer in front of Mario Thompson; after Jack Johnson came back, Tom Ethan asked Mario Thompson to go out to find Elbert Alex, and took it from the left drawer in front of Jack Johnson. Then He take out a box of biscuits and put them in the middle drawer; when Elbert Alex and Mario Thompson returned, Tom Ethan asked Jack Johnson and Mario Thompson to go out to buy a bottle of soy sauce. Tom Ethan waited for a long time, and found that Jack Johnson and Mario Thompson had not returned, so he sent Elbert Alex to look for them, but in the end only Jack Johnson and Elbert Alex came back. Jack Johnson told Tom Ethan that at first they could not find any shop that is providing soy sauce, so they had to separate to search other shops, which is why Mario Thompson got lost; on the way back, Jack Johnson ran into Elbert Alex, and they rushed back first. Therefore, Tom Ethan asked them to go out to find Mario Thompson again; in order to prevent getting lost again, Tom Ethan told Elbert Alex and Jack Johnson to walk together at all time, and even if they could not get the soy sauce, they had to find and get back with Mario Thompson. As a result, Elbert Alex and Jack Johnson found Mario Thompson outside and found that he had bought a bottle of soy sauce. The three felt that Tom Ethan never went out to do anthing but they are busy all the time. So they were very angry. They discussed and made a conclusion. After going back to see Tom Ethan, they should not tell him about the soy sauce they bought, and asked Jack Johnson to hide the soy sauce in his backpack. After the three of them came back together, they pretended to claim that they did not foudn and bought soy sauce according to the plan, and hoped that Tom Ethan would go out together to buy things in the future, and he should not be so lazy. Tom Ethan agreed and felt sory about that. When everyone finally stood in front of the table, the four of them wrote down the list of items they knew and the location of the items. So the question is: is the information writen by these four people consistent, and why?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Testzeichenfolge?]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-Tester, la cha\\xeene...]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f600]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001fae0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\x06]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- ]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow-\\n]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-TinyLlama-1.1B-Chat-v1.0--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Eng... test, string?!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-Multiline\\nstring!\\nWow!]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Slow-A lot\\t w!]": "skipped", @@ -18815,10 +18819,10 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Slow- \\t\\n]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-CodeLlama-7b-hf--Slow-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[CodeLlama-7b-hf--Slow]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-test_string0]": "skipped", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-CodeLlama-7b-hf--Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-CodeLlama-7b-hf--Fast-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-test_string0]": "skipped", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-CodeLlama-7b-hf-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-CodeLlama-7b-hf-sp_backend-Fast-test_string0]": "skipped", "tokenizers_test.py::test_rt_info_sentencepiece[TinyLlama-1.1B-Chat-v1.0--Slow]": "skipped", @@ -18828,18 +18832,18 @@ "tokenizers_test.py::test_hf_wordpiece_tokenizers[add_tokens-LaBSE-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-LaBSE-right_pad-test_string2]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-right_pad-test_string2]": "failed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string2]": "failed", - "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string2]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-min_pad-LaBSE-left_pad-test_string2]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-min_pad-LaBSE-left_pad-test_string2]": "failed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-right_pad-test_string2]": "failed", + "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-right_pad-test_string2]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[no_add_tokens-max_pad-LaBSE-left_pad-test_string2]": "failed", "tokenizers_test.py::test_hf_wordpiece_tokenizers_multiple_strings[add_tokens-max_pad-LaBSE-left_pad-test_string2]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-falcon-7b-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-falcon-7b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-falcon-7b-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-falcon-7b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-falcon-7b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-stablecode-completion-alpha-3b-4k-right_pad-test_string0]": "failed", @@ -18856,42 +18860,42 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-dolly-v2-3b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-neo-125m-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-neo-125m-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neo-125m-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-neo-125m-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-neo-125m-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-j-6b-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-j-6b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-j-6b-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt-j-6b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt-j-6b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-roberta-base-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-roberta-base-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-roberta-base-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-roberta-base-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-roberta-base-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-all-roberta-large-v1-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-all-roberta-large-v1-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-all-roberta-large-v1-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-all-roberta-large-v1-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-bart-large-mnli-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-bart-large-mnli-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bart-large-mnli-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-bart-large-mnli-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-bart-large-mnli-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-opt-66b-right_pad-test_string0]": "failed", @@ -18900,10 +18904,10 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-opt-66b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt2-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt2-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt2-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-gpt2-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-gpt2-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-gpt-neox-20b-right_pad-test_string0]": "failed", @@ -18912,10 +18916,10 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-gpt-neox-20b-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-rugpt3large_based_on_gpt2-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-rugpt3large_based_on_gpt2-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-rugpt3large_based_on_gpt2-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-rugpt3large_based_on_gpt2-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-fairseq-dense-13B-right_pad-test_string0]": "failed", @@ -18940,10 +18944,10 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-bloom-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-codegen-16B-multi-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string0]": "failed", - "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-min_pad-codegen-16B-multi-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-min_pad-codegen-16B-multi-left_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-right_pad-test_string0]": "failed", + "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-right_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[no_add_tokens-max_pad-codegen-16B-multi-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_bpe_tokenizers_multiple_strings[add_tokens-max_pad-codegen-16B-multi-left_pad-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Fast-test_string0]": "failed", @@ -18954,22 +18958,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad--Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad--Fast-test_string0]": "failed", @@ -18978,6 +18974,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad--Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad--Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-left_pad-sp_backend-Slow-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-CodeLlama-7b-hf-right_pad-sp_backend-Fast-test_string0]": "failed", @@ -19008,14 +19012,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Fast-test_string1]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-camembert-base-left_pad-sp_backend-Fast-test_string2]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad--Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Llama-2-13b-hf-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Llama-2-13b-hf-left_pad-sp_backend-Fast-test_string0]": "failed", @@ -19072,14 +19076,6 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-bilingual-gpt-neox-4b-left_pad-sp_backend-Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-bilingual-gpt-neox-4b-left_pad-sp_backend-Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad--Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad--Fast-test_string0]": "failed", @@ -19088,6 +19084,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad--Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad--Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Slow-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-right_pad-sp_backend-Fast-test_string0]": "failed", @@ -19096,14 +19100,14 @@ "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Fast-test_string3]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-Phi-3-mini-128k-instruct-left_pad-sp_backend-Fast-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad--Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-quantized-gemma-7b-it-right_pad-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-quantized-gemma-7b-it-left_pad-sp_backend-Fast-test_string0]": "failed", @@ -19131,6 +19135,28 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -19165,28 +19191,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u4ecb\\u7ecd\\u4e0b\\u6e05\\u534e\\u5927\\u5b66]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u82e5\\u6211\\u6709\\u4e00\\u4ebf\\u7f8e\\u5143\\uff0c\\u5728\\u4eba\\u5de5\\u667a\\u80fd\\u76db\\u884c\\u7684\\u4eca\\u5929\\uff0c\\u6211\\u600e\\u6837\\u6295\\u8d44\\u624d\\u80fd\\u6536\\u76ca\\u6700\\u5927\\u5316\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f600]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f923\\U0001f923\\U0001f923\\U0001f601\\U0001f601\\U0001f601\\U0001f601]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-camembert-base-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -19263,10 +19267,10 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-camembert-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Llama-2-13b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Llama-2-13b-hf-sp_backend-Fast- ]": "failed", @@ -19307,6 +19311,14 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -19341,14 +19353,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-xlnet-base-cased-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u05de\\u05d7\\u05e8\\u05d5\\u05d6\\u05ea \\u05d1\\u05d3\\u05d9\\u05e7\\u05d4]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0631\\u0634\\u062a\\u0647 \\u062a\\u0633\\u062a]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-xlnet-base-cased-sp_backend-Slow-\\u0633\\u0644\\u0633\\u0644\\u0629 \\u0627\\u0644\\u0627\\u062e\\u062a\\u0628\\u0627\\u0631]": "failed", @@ -19472,6 +19476,12 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", @@ -19508,12 +19518,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-t5-base-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-t5-base-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", @@ -19557,6 +19561,12 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", @@ -19593,12 +19603,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001fae0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-musicgen-small-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u0421\\u044b\\u043d\\u0430\\u049b \\u0436\\u043e\\u043b\\u044b \\xe1]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u7cd5\\u70b9\\u5546\\u5e97\\u91cc\\u539f\\u672c\\u6709\\u4e09\\u79cd\\u86cb\\u7cd5\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\uff0c\\u548c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u3002\\u5982\\u540d\\u5b57\\u6240\\u63cf\\u8ff0\\u7684\\u90a3\\u6837\\uff0c\\u6bcf\\u79cd\\u86cb\\u7cd5\\u90fd\\u6709\\u4e24\\u79cd\\u6210\\u5206\\uff1a\\u8349\\u8393\\u5976\\u6cb9\\u86cb\\u7cd5\\u5305\\u542b\\u8349\\u8393\\u548c\\u5976\\u6cb9\\u4e24\\u4e2a\\u6210\\u5206\\uff0c\\u5de7\\u514b\\u529b\\u6930\\u84c9\\u86cb\\u7cd5\\u5305\\u542b\\u5de7\\u514b\\u529b\\u548c\\u6930\\u84c9\\u4e24\\u79cd\\u6210\\u5206\\uff0c\\u7ea2\\u4e1d\\u7ed2\\u5e03\\u6717\\u5c3c\\u86cb\\u7cd5\\u5305\\u542b\\u7ea2\\u4e1d\\u7ed2\\u548c\\u5e03\\u6717\\u5c3c\\u4e24\\u79cd\\u6210\\u5206\\u3002\\u5728\\u86cb\\u7cd5\\u5236\\u4f5c\\u5b8c\\u6210\\u540e\\uff0c\\u5f80\\u5f80\\u6bcf\\u4e00\\u79cd\\u6210\\u5206\\u7684\\u6750\\u6599\\u90fd\\u4f1a\\u6709\\u6240\\u5269\\u4f59\\u3002\\u4e3a\\u4e86\\u51cf\\u5c11\\u6d6a\\u8d39\\uff0c\\u5546\\u5e97\\u5e38\\u5e38\\u4f1a\\u628a\\u591a\\u51fa\\u6765\\u7684\\u6210\\u5206\\u4e24\\u4e24\\u642d\\u914d\\uff0c\\u505a\\u6210\\u65b0\\u7684\\u5c0f\\u5546\\u54c1\\u5356\\u51fa\\u53bb\\u3002\\u6bd4\\u5982\\u8349\\u8393\\u548c\\u5de7\\u514b\\u529b\\u53ef\\u4ee5\\u505a\\u6210\\u8349\\u8393\\u5473\\u5de7\\u514b\\u529b\\u9171\\uff0c\\u5e03\\u6717\\u5c3c\\u548c\\u6930\\u84c9\\u53ef\\u4ee5\\u505a\\u6210\\u5e03\\u6717\\u5c3c\\u6930\\u84c9\\u997c\\u5e72\\u3002\\u4ee5\\u6b64\\u7c7b\\u63a8\\u53ef\\u77e5\\uff0c\\u5982\\u679c\\u6240\\u6709\\u7684\\u6210\\u5206\\u90fd\\u53ef\\u4ee5\\u4e24\\u4e24\\u7ec4\\u5408\\uff0c\\u90a3\\u4e48\\u6700\\u7ec8\\u5546\\u5e97\\u80fd\\u505a\\u51fa\\u54ea\\u4e9b\\u5c0f\\u5546\\u54c1\\u51fa\\u6765\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u684c\\u5b50\\u6709\\u5de6\\u4e2d\\u53f33\\u4e2a\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\uff0c\\u674e\\u56db\\uff0c\\u738b\\u4e94\\uff0c\\u8d75\\u516d\\u90fd\\u770b\\u5230\\u684c\\u5b50\\u4e0a\\u6709\\u4e00\\u888b\\u5de7\\u514b\\u529b\\u3002\\u5f20\\u4e09\\u8ba9\\u674e\\u56db\\u548c\\u738b\\u4e94\\u51fa\\u95e8\\u540e\\uff0c\\u5728\\u8d75\\u516d\\u9762\\u524d\\u628a\\u8fd9\\u888b\\u5de7\\u514b\\u529b\\u653e\\u8fdb\\u4e86\\u53f3\\u62bd\\u5c49\\uff1b\\u738b\\u4e94\\u56de\\u6765\\u540e\\uff0c\\u5f20\\u4e09\\u8ba9\\u8d75\\u516d\\u51fa\\u95e8\\u53bb\\u627e\\u674e\\u56db\\uff0c\\u5e76\\u5728\\u738b\\u4e94\\u9762\\u524d\\u4ece\\u5de6\\u62bd\\u5c49\\u62ff\\u51fa\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\u91cc\\uff1b\\u7b49\\u674e\\u56db\\u548c\\u8d75\\u516d\\u8fd4\\u56de\\uff0c\\u5f20\\u4e09\\u53c8\\u8ba9\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u51fa\\u53bb\\u4e70\\u9171\\u6cb9\\uff0c\\u7b49\\u4e8c\\u4eba\\u8d70\\u540e\\uff0c\\u4ed6\\u544a\\u8bc9\\u674e\\u56db\\u521a\\u624d\\u5df2\\u5c06\\u4e00\\u76d2\\u997c\\u5e72\\u653e\\u8fdb\\u4e2d\\u62bd\\u5c49\\uff1b\\u5f20\\u4e09\\u7b49\\u4e86\\u5f88\\u4e45\\uff0c\\u53d1\\u73b0\\u738b\\u4e94\\u548c\\u8d75\\u516d\\u8fd8\\u6ca1\\u56de\\u6765\\uff0c\\u5c31\\u6d3e\\u674e\\u56db\\u53bb\\u5bfb\\u627e\\uff0c\\u53ef\\u6700\\u540e\\u53ea\\u6709\\u738b\\u4e94\\u548c\\u674e\\u56db\\u56de\\u6765\\u4e86\\u3002\\u738b\\u4e94\\u544a\\u8bc9\\u5f20\\u4e09\\uff0c\\u4e00\\u5f00\\u59cb\\u4ed6\\u4eec\\u6ca1\\u6709\\u627e\\u5230\\u5356\\u9171\\u6cb9\\u7684\\u5e97\\uff0c\\u6240\\u4ee5\\u53ea\\u597d\\u5206\\u5934\\u53bb\\u4e70\\uff0c\\u540e\\u6765\\u8d75\\u516d\\u8d70\\u4e22\\u4e86\\uff1b\\u56de\\u6765\\u7684\\u8def\\u4e0a\\uff0c\\u738b\\u4e94\\u78b0\\u4e0a\\u4e86\\u674e\\u56db\\uff0c\\u4e24\\u4eba\\u4fbf\\u5148\\u8d76\\u4e86\\u56de\\u6765\\u3002\\u4e8e\\u662f\\uff0c\\u5f20\\u4e09\\u8ba9\\u4e24\\u4eba\\u51fa\\u95e8\\u53bb\\u627e\\u8d75\\u516d\\uff1b\\u4e3a\\u9632\\u518d\\u6b21\\u8d70\\u4e22\\uff0c\\u5f20\\u4e09\\u53ee\\u5631\\u674e\\u56db\\u548c\\u738b\\u4e94\\u8981\\u65f6\\u523b\\u540c\\u884c\\uff0c\\u5c31\\u7b97\\u9171\\u6cb9\\u4e70\\u4e0d\\u5230\\uff0c\\u4e5f\\u8981\\u627e\\u56de\\u8d75\\u516d\\u3002\\u7ed3\\u679c\\uff0c\\u674e\\u56db\\u548c\\u738b\\u4e94\\u5728\\u5916\\u9762\\u627e\\u5230\\u4e86\\u8d75\\u516d\\uff0c\\u53d1\\u73b0\\u4ed6\\u5df2\\u7ecf\\u4e70\\u4e86\\u9171\\u6cb9\\u3002\\u4e09\\u4eba\\u89c9\\u5f97\\u5f20\\u4e09\\u4ece\\u6765\\u4e0d\\u51fa\\u95e8\\u8dd1\\u817f\\uff0c\\u5341\\u5206\\u6c14\\u6124\\uff0c\\u8ba8\\u8bba\\u5e76\\u8fbe\\u6210\\u5171\\u8bc6\\uff0c\\u56de\\u53bb\\u89c1\\u5230\\u5f20\\u4e09\\u540e\\uff0c\\u4e0d\\u8981\\u544a\\u8bc9\\u4ed6\\u4e70\\u5230\\u4e86\\u9171\\u6cb9\\u7684\\u4e8b\\u60c5\\uff0c\\u5e76\\u8ba9\\u738b\\u4e94\\u628a\\u9171\\u6cb9\\u85cf\\u5230\\u81ea\\u5df1\\u7684\\u80cc\\u5305\\u91cc\\u3002\\u7b49\\u4e09\\u4eba\\u4e00\\u540c\\u56de\\u6765\\u540e\\uff0c\\u4ed6\\u4eec\\u6309\\u7167\\u8ba1\\u5212\\u8c0e\\u79f0\\u6ca1\\u6709\\u4e70\\u5230\\u9171\\u6cb9\\uff0c\\u5e76\\u5e0c\\u671b\\u5f20\\u4e09\\u4ee5\\u540e\\u4e70\\u4e1c\\u897f\\u4e5f\\u8981\\u4e00\\u540c\\u51fa\\u95e8\\uff0c\\u4e0d\\u80fd\\u5077\\u61d2\\uff0c\\u5f20\\u4e09\\u7b54\\u5e94\\u4e86\\u3002\\u5f53\\u5927\\u5bb6\\u6700\\u540e\\u7ad9\\u5728\\u684c\\u5b50\\u524d\\uff0c\\u56db\\u4eba\\u5206\\u522b\\u5199\\u4e0b\\u81ea\\u5df1\\u77e5\\u9053\\u7684\\u7269\\u54c1\\u6e05\\u5355\\u548c\\u7269\\u54c1\\u6240\\u5728\\u4f4d\\u7f6e\\u3002\\u95ee\\uff0c\\u8fd9\\u56db\\u4eba\\u5199\\u4e0b\\u7684\\u7269\\u54c1\\u548c\\u4f4d\\u7f6e\\u4fe1\\u606f\\u662f\\u5426\\u4e00\\u81f4\\uff0c\\u4e3a\\u4ec0\\u4e48\\uff1f]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u6298\\u7eb8\\u7684\\u8fc7\\u7a0b\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u5176\\u5b9e\\u60f3\\u8981\\u505a\\u597d\\uff0c\\u8fd8\\u662f\\u9700\\u8981\\u4e00\\u5957\\u5f88\\u590d\\u6742\\u7684\\u5de5\\u827a\\u3002\\u4ee5\\u6298\\u4e00\\u652f\\u73ab\\u7470\\u82b1\\u4e3a\\u4f8b\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5c06\\u6574\\u4e2a\\u6298\\u7eb8\\u8fc7\\u7a0b\\u5206\\u6210\\u4e09\\u4e2a\\u9636\\u6bb5\\uff0c\\u5373\\uff1a\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u9996\\u5148\\u662f\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff1a\\u8fd9\\u4e00\\u6b65\\u6709\\u70b9\\u50cf\\u6211\\u4eec\\u6298\\u5343\\u7eb8\\u9e64\\u7684\\u7b2c\\u4e00\\u6b65\\uff0c\\u5373\\u901a\\u8fc7\\u5bf9\\u79f0\\u5dde\\u4f9d\\u6b21\\u5bf9\\u6298\\uff0c\\u7136\\u540e\\u6309\\u7167\\u957f\\u548c\\u5bbd\\u4e24\\u4e2a\\u7ef4\\u5ea6\\uff0c\\u4f9d\\u6b21\\u8fdb\\u884c\\u591a\\u7b49\\u5206\\u7684\\u5747\\u5300\\u6298\\u53e0\\uff1b\\u6700\\u7ec8\\u5728\\u4e24\\u4e2a\\u65b9\\u5411\\u4e0a\\u7684\\u6298\\u75d5\\u4f1a\\u4ea4\\u7ec7\\u6210\\u4e00\\u5957\\u5b8c\\u6574\\u5747\\u5300\\u7684\\u5c0f\\u65b9\\u683c\\u62fc\\u63a5\\u56fe\\u6848\\uff1b\\u8fd9\\u4e9b\\u5c0f\\u65b9\\u683c\\u5c31\\u7ec4\\u6210\\u4e86\\u7c7b\\u4f3c\\u4e8c\\u7ef4\\u5750\\u6807\\u7cfb\\u7684\\u53c2\\u8003\\u7cfb\\u7edf\\uff0c\\u4f7f\\u5f97\\u6211\\u4eec\\u5728\\u8be5\\u5e73\\u9762\\u4e0a\\uff0c\\u901a\\u8fc7\\u7ec4\\u5408\\u4e34\\u8fd1\\u6298\\u75d5\\u7684\\u65b9\\u5f0f\\u4ece\\u4e8c\\u7ef4\\u5c0f\\u65b9\\u683c\\u4e0a\\u6298\\u53e0\\u51fa\\u4e09\\u7ef4\\u7684\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\uff0c\\u4ee5\\u4fbf\\u4e8e\\u63a5\\u4e0b\\u6765\\u7684\\u51e0\\u5ea7\\u5236\\u4f5c\\u8fc7\\u7a0b\\u3002\\u9700\\u8981\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u5728\\u5efa\\u7acb\\u6805\\u683c\\u6298\\u75d5\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u53ef\\u80fd\\u4f1a\\u51fa\\u73b0\\u6298\\u53e0\\u4e0d\\u5bf9\\u6210\\u7684\\u60c5\\u51b5\\uff0c\\u8fd9\\u79cd\\u9519\\u8bef\\u6240\\u5e26\\u6765\\u7684\\u540e\\u679c\\u53ef\\u80fd\\u662f\\u5f88\\u4e25\\u91cd\\u7684\\uff0c\\u5c31\\u50cf\\u662f\\u8774\\u8776\\u6548\\u5e94\\uff0c\\u4e00\\u5f00\\u59cb\\u53ea\\u662f\\u6beb\\u5398\\u4e4b\\u5dee\\uff0c\\u6700\\u540e\\u53ef\\u80fd\\u5c31\\u662f\\u5929\\u58e4\\u4e4b\\u522b\\u3002\\u7136\\u540e\\u662f\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff1a\\u5728\\u8fd9\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u57fa\\u4e8e\\u6805\\u683c\\u6298\\u75d5\\u6298\\u51fa\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u6216\\u51f9\\u9677\\u3002\\u4ece\\u5bf9\\u79f0\\u6027\\u5206\\u6790\\u4e0d\\u96be\\u53d1\\u73b0\\uff0c\\u73ab\\u7470\\u82b1\\u4f1a\\u6709\\u56db\\u4e2a\\u5468\\u5bf9\\u79f0\\u7684\\u4e09\\u7ef4\\u9ad8\\u53f0\\u548c\\u914d\\u5957\\u51f9\\u9677\\u3002\\u6240\\u4ee5\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5148\\u6298\\u51fa\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u51f9\\u9677\\u548c\\u9ad8\\u53f0\\u56fe\\u6848\\uff0c\\u7136\\u540e\\u4ee5\\u8fd9\\u56db\\u5206\\u4e4b\\u4e00\\u7684\\u90e8\\u5206\\u4f5c\\u4e3a\\u6478\\u677f\\uff0c\\u518d\\u4f9d\\u6b21\\u6298\\u51fa\\u5176\\u4f59\\u4e09\\u4e2a\\u90e8\\u5206\\u7684\\u91cd\\u590d\\u56fe\\u6848\\u3002\\u503c\\u5f97\\u6ce8\\u610f\\u7684\\u662f\\uff0c\\u9ad8\\u53f0\\u7684\\u5e03\\u5c40\\u4e0d\\u4ec5\\u8981\\u8003\\u8651\\u957f\\u548c\\u5bbd\\u8fd9\\u4e24\\u4e2a\\u552f\\u72ec\\u4e0a\\u7684\\u89c4\\u6574\\u886c\\u5ea6\\u548c\\u5bf9\\u79f0\\u5206\\u5e03\\uff0c\\u8fd8\\u9700\\u8981\\u540c\\u65f6\\u4fdd\\u8bc1\\u9ad8\\u8fd9\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6574\\u9f50\\u3002\\u4e0e\\u7b2c\\u4e00\\u9636\\u6bb5\\u7684\\u6ce8\\u610f\\u4e8b\\u9879\\u7c7b\\u4f3c\\uff0c\\u8bf7\\u5904\\u7406\\u597d\\u4e09\\u4e2a\\u7ef4\\u5ea6\\u4e0a\\u7684\\u6240\\u6709\\u6298\\u89d2\\uff0c\\u786e\\u4fdd\\u5b83\\u4eec\\u7b26\\u5408\\u8ba1\\u5212\\u4e2d\\u6240\\u8981\\u6c42\\u7684\\u90a3\\u79cd\\u5e03\\u5c40\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e09\\u7ef4\\u6298\\u53e0\\u8fc7\\u7a0b\\u4e2d\\u7684\\u8774\\u8776\\u6548\\u5e94\\uff1b\\u4e3a\\u6b64\\uff0c\\u6211\\u4eec\\u5e38\\u5e38\\u4f1a\\u5728\\u6298\\u53e0\\u7b2c\\u4e00\\u4e2a\\u56db\\u5206\\u4e4b\\u4e00\\u56fe\\u6848\\u7684\\u8fc7\\u7a0b\\u4e2d\\uff0c\\u4e0e\\u6210\\u54c1\\u73ab\\u7470\\u82b1\\u8fdb\\u884c\\u53cd\\u590d\\u6bd4\\u8f83\\uff0c\\u4ee5\\u4fbf\\u5728\\u7b2c\\u4e00\\u65f6\\u95f4\\u6392\\u9664\\u6389\\u6240\\u6709\\u53ef\\u80fd\\u7684\\u9519\\u8bef\\u3002\\u6700\\u540e\\u4e00\\u4e2a\\u9636\\u6bb5\\u662f\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\u3002\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\uff0c\\u6211\\u4eec\\u5f80\\u5f80\\u5f3a\\u8c03\\u4e00\\u4e2a\\u91cd\\u8981\\u540d\\u8bcd\\uff0c\\u53eb\\u7528\\u5fc3\\u6298\\u53e0\\u3002\\u8fd9\\u91cc\\u7684\\u7528\\u5fc3\\u5df2\\u7ecf\\u4e0d\\u662f\\u5b57\\u9762\\u4e0a\\u7684\\u8ba4\\u771f\\u8fd9\\u4e2a\\u610f\\u601d\\uff0c\\u800c\\u662f\\u6307\\u901a\\u8fc7\\u6211\\u4eec\\u5bf9\\u4e8e\\u5927\\u81ea\\u7136\\u4e2d\\u73ab\\u7470\\u82b1\\u5916\\u578b\\u7684\\u7406\\u89e3\\uff0c\\u501f\\u52a9\\u81ea\\u7136\\u7684\\u66f2\\u7ebf\\u53bb\\u4e0d\\u65ad\\u4fee\\u6b63\\u82b1\\u74e3\\u7684\\u5f62\\u72b6\\uff0c\\u4ee5\\u671f\\u903c\\u8fd1\\u73b0\\u5b9e\\u4e2d\\u7684\\u73ab\\u7470\\u82b1\\u74e3\\u5916\\u5f62\\u3002\\u8bf7\\u6ce8\\u610f\\uff0c\\u5728\\u8fd9\\u4e2a\\u9636\\u6bb5\\u7684\\u6700\\u540e\\u4e00\\u6b65\\uff0c\\u6211\\u4eec\\u9700\\u8981\\u901a\\u8fc7\\u62c9\\u626f\\u5df2\\u7ecf\\u5f2f\\u6298\\u7684\\u56db\\u4e2a\\u82b1\\u74e3\\uff0c\\u6765\\u8c03\\u6574\\u73ab\\u7470\\u82b1\\u4e2d\\u5fc3\\u7684\\u7efd\\u653e\\u7a0b\\u5ea6\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u53ef\\u80fd\\u4f1a\\u4f34\\u968f\\u73ab\\u7470\\u82b1\\u6574\\u4f53\\u7ed3\\u6784\\u7684\\u5d29\\u584c\\uff0c\\u6240\\u4ee5\\uff0c\\u4e00\\u5b9a\\u8981\\u63a7\\u5236\\u597d\\u8c03\\u6574\\u7684\\u529b\\u9053\\uff0c\\u4ee5\\u514d\\u51fa\\u73b0\\u4e0d\\u53ef\\u9006\\u7684\\u540e\\u679c\\u3002\\u6700\\u7ec8\\uff0c\\u7ecf\\u8fc7\\u4e09\\u4e2a\\u9636\\u6bb5\\u7684\\u6298\\u53e0\\uff0c\\u6211\\u4eec\\u4f1a\\u5f97\\u5230\\u4e00\\u652f\\u6829\\u6829\\u5982\\u751f\\u7684\\u73ab\\u7470\\u82b1\\u51a0\\u3002\\u5982\\u679c\\u6761\\u4ef6\\u5141\\u8bb8\\uff0c\\u6211\\u4eec\\u53ef\\u4ee5\\u5728\\u4e00\\u6839\\u62c9\\u76f4\\u7684\\u94c1\\u4e1d\\u4e0a\\u7f20\\u7ed5\\u7eff\\u8272\\u7eb8\\u6761\\uff0c\\u5e76\\u5c06\\u73ab\\u7470\\u82b1\\u51a0\\u63d2\\u5728\\u94c1\\u4e1d\\u7684\\u4e00\\u6bb5\\u3002\\u8fd9\\u6837\\uff0c\\u6211\\u4eec\\u5c31\\u5f97\\u5230\\u4e86\\u4e00\\u652f\\u624b\\u5de5\\u73ab\\u7470\\u82b1\\u3002\\u603b\\u4e4b\\uff0c\\u901a\\u8fc7\\u521b\\u5efa\\u6805\\u683c\\u6298\\u75d5\\uff0c\\u5236\\u4f5c\\u7acb\\u4f53\\u57fa\\u5ea7\\uff0c\\u4ee5\\u53ca\\u5b8c\\u6210\\u82b1\\u74e3\\u4fee\\u9970\\uff0c\\u6211\\u4eec\\u4ece\\u4e8c\\u7ef4\\u7684\\u7eb8\\u9762\\u4e0a\\u521b\\u4f5c\\u51fa\\u4e86\\u4e00\\u652f\\u4e09\\u7ef4\\u7684\\u82b1\\u6735\\u3002\\u8fd9\\u4e2a\\u8fc7\\u7a0b\\u867d\\u7136\\u770b\\u4f3c\\u7b80\\u5355\\uff0c\\u4f46\\u5b83\\u786e\\u5b9e\\u6211\\u4eec\\u4eba\\u7c7b\\u501f\\u52a9\\u60f3\\u8c61\\u529b\\u548c\\u5e38\\u89c1\\u7d20\\u6750\\u800c\\u521b\\u4f5c\\u51fa\\u7684\\u827a\\u672f\\u54c1\\u3002\\u8bf7\\u8d4f\\u6790\\u4ee5\\u4e0a\\u5185\\u5bb9\\u7684\\u7cbe\\u5999\\u4e4b\\u5904\\u3002]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u0422\\u0435\\u0441\\u0442\\u043e\\u0432\\u0430\\u044f \\u0441\\u0442\\u0440\\u043e\\u043a\\u0430!]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-musicgen-small-sp_backend-Slow-\\u6e2c\\u8a66\\u5b57\\u7b26\\u4e32]": "failed", @@ -19648,6 +19652,13 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "failed", + "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", @@ -19665,13 +19676,6 @@ "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f937\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\U0001f926\\U0001f3fc\\u200d\\u2642\\ufe0f]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-no_clean_spaces-bilingual-gpt-neox-4b-sp_backend-Fast-\\x06]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- \\t\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[skip_tokens-clean_spaces-bilingual-gpt-neox-4b-sp_backend-Slow- ]": "failed", @@ -19709,14 +19713,14 @@ "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-bilingual-gpt-neox-4b-sp_backend-Fast- \\t\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-no_clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct--Fast-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct--Fast-\\n]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Slow-test_string0]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-Phi-3-mini-128k-instruct-sp_backend-Fast-test_string0]": "failed", "tokenizers_test.py::test_sentencepiece_model_detokenizer[no_skip_tokens-clean_spaces-quantized-gemma-7b-it-sp_backend-Slow-The process of Origami seems simple at the first glance, but in fact, it still requires a very complicated process to do it well. Taking folding a rose as an example, we can divide the entire process into three stages, including: firstly creating a grid of creases, secondly making a three-dimensional base, and thirdly finishing petal decoration. The first step is to create a grid of creases: this step is a bit like the first step of folding a gift of thousand-paper-crane. That is to say, we can fold the paper in half (or namedly equal-folds) through the symmetrical axis, and repeat such step in the other symmetrical axis. And then apply multiple equal-folds in sequence relative to each smaller rectangle divided by the two creases; After that, the creases in each direction will interweave into a complete set of uniform small square splicing patterns; these small squares form a reference space similar to a two-dimensional coordinate system, allowing us to combine adjacent creases on the plane from Three-dimensional high platforms or depressions are folded on the two-dimensional small squares to facilitate the next steps of folding. It should be noted that, in the process of creating grid creases, there may be rare cases when the folds are not aligned. The consequences of this error can be very serious. And just like the butterfly effect, it is only a slight difference at the beginning , and in the end it may generate a disaster world which is completely different from plan. Anyway, let's continue. The second step is make the three-dimensional base: In this step, we need to fold a set of symmetrical three-dimensional high platforms or depressions based on the grid creases. From the symmetry analysis, it is not difficult to find that the rose will have four symmetrical three-dimensional high platforms and supporting depressions. Therefore, we can firstly fold out a quarter of the depression and plateau patterns, which would help build a base to compose into a complex 3D structure. And then, we use this quarter as a template, and fold out the repeating patterns on the remaining three parts of the whole structure in turn. It is worth noting that the layout of the high platform not only needs to consider the regular contrast and symmetrical distribution of the length and width, but also needs to ensure the orderliness of the height dimension. This is very important, since we will never go back to this step after all parts were made, and you would better start from first step if you make anything wrong in the this step. Similar to the precautions in the first stage, please handle all the corners in three dimensions to ensure that they conform to the layout required in the plan, which would help us avoid the butterfly effect and increase the robustness in the process of three-dimensional folding. Just like building a skyscrapper in the real world, people usually take a lot of time when building the base but soon get finished when extending the structure after that. Time is worth to cost in the base, but would be saved in the future after you succeed in base. Anyway, let's continue. During the first quarter of the pattern, repeated comparisons with the finished rose were made to eliminate any possible errors in the first place. The final stage is to finish the petal grooming. At this stage, we often emphasize an important term called folding-by-heart. The intention here is no longer literally serious, but focus is moved to our understanding of the shape of a rose in nature, and we usually use natural curves to continuously correct the shape of petals in order to approach the shape of rose petals in reality. One more comment: this is also the cause of randomness to the art, which can be generated differently by different people. Recall that rose should be adjusted close to reality, so in the last step of this stage, we need to open the bloom in the center of the rose, by pulling on the four petals that have been bent. This process may be accompanied by the collapse of the overall structure of the rose, so we should be very careful to save strength of adjustment, and it must be well controlled to avoid irreversible consequences. Ultimately, after three stages of folding, we end up with a crown of rose with a similar shape close to reality. If condition is permited, we can wrap a green paper strip twisted on a straightened iron wire, and insert the rose crown we just created onto one side of the iron wire. In this way, we got a hand-made rose with a green stem. We can also repeat the steps above to increase the number of rose, so that it can be made into a cluster. Different color of rose is usually more attractive and can be considered as a better plan of gift to your friend. In summary, by creating a grid of creases, making a three-dimensional base, and finishing with petals, we created a three-dimensional rose from a two-dimensional paper. Although this process may seem simple, it is indeed a work of art created by us humans with the help of imagination and common materials. At last, Please comment to assess the above content.]": "failed", @@ -19823,30 +19827,30 @@ "tokenizers_test.py::test_hf_bpe_tokenizers_outputs[add_tokens-codegen-16B-multi-A lot\\t w!]": "failed", "tokenizers_test.py::test_bpe_model_tokenizer_chat[no_add_tokens-deepseek-coder-6.7b-instruct-test_string0]": "failed", "tokenizers_test.py::test_bpe_model_tokenizer_chat[add_tokens-deepseek-coder-6.7b-instruct-test_string0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf--Fast-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf--Fast-\\n]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", - "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-CodeLlama-7b-hf-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-test_string0]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\n\\n\\n\\t\\t A lot\\t\\tof\\twhitespaces\\n!\\n\\n\\n\\t\\n\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-\\n]": "failed", "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-TinyLlama-1.1B-Chat-v1.0--Fast-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string3]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string0]": "failed", - "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad-sp_backend-Slow-test_string3]": "failed" + "tokenizers_test.py::test_sentencepiece_model_tokenizer[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-[INST] <> A chat between a curious user and an artificial intelligence assistant. The assistant gives helpful, detailed, and polite answers to the user's questions. <> You will act as a Christian, and fully summarize following text:\\nSometimes it's nice to take a minute in the pew by yourself beforehand. You have this beautiful church probably almost all to yourself. Can you feel its energy resonating through you? Can you feel the majesty of the Lord's kingdom and how you're a part of it? Take a moment to kneel and pray with your head down and hands clasped together. Reflect on your faith and how you feel currently. Think about how you've been responding to God's call and how you've been living in the light of his love. When the priest is ready for you, of course. You'll probably see him there by his lonesome or someone else walk out just before you. Sit down either across from him or behind the screen -- it's totally up to you whether or not you prefer to remain anonymous. He won't treat you any differently either way. Make the sign of the cross upon his prompt, saying, \"Bless me, Father, for I have sinned. It has been 10 years since my last confession.\" This is your standard, traditional phrasing. However, if you just sit down and say hello, that's fine, too. The priest knows what he's doing. The Byzantine Rite is a bit different. The priest may sit to your side and put his epitrachelion on your head. He may then also do the Prayer of Absolution. But the idea remains the exact same -- just go wherever he takes you. Once you sit down and you've made the sign of the cross, just sit back and follow the priest's lead. He'll ask you how long it's been since your last confession (if you don't voluntarily offer that information), how you are feeling, maybe how your faith is going, and then ask you what sins you would like to talk about with him and God. It's just a casual conversation! Do not fret. There is absolutely zero pressure on your part. Again, as long as you come there with the intention of leaving with a clean heart, you're more than welcome in the church. There is no wrong way to go about confession! This part is intimidating, but think about it this way: the priest you're talking to has probably heard just about everything before. Whatever you have to say will not blow his mind. So when he asks, start rattling them off, from the most serious to the least. If he asks any questions, answer them, but do not feel the need to go into detail. A simple, \"I did so and so,\" will suffice. Your priest is going to be very understanding. If you don't remember the exact timeframe, that's fine. If you don't remember your motivation, that's fine. All your priest cares about is that you're being as honest as possible and that your heart is in the right place. He'll talk you through everything, possibly asking about your intentions, but mainly just letting you know that God loves you, sin and all. If he has any ideas to bring you closer to God, he may suggest them at this juncture. He's there to help, after all. He will then ask you to make an Act of Contrition. That goes like this: My God, I am sorry for my sins with all my heart.In choosing to do wrong and failing to do good,I have sinned against You whom I should loveabove all things. I firmly intend, with your help,to do penance, to sin no more, andto avoid whatever leads me to sin.Our Savior Jesus Christ suffered and died for us.In his name, my God, have mercy.If you are a Roman Catholic, your act of contrition will go like this: Oh my God, I am very sorry for having offended thee. But most of all, because they offend you, my God, who is all good and deserving of all my love. I firmly resolve with the help of thy grace, to sin no more, and to avoid the near occasion of sin. Amen. Don't worry! It won't be anything huge. Take the absolution to heart -- you now have a brand new, clean slate to work with. \"Penance\" is your expression of regret and repentance, showing God that you're truly sorry and that you wish for nothing more than to be forgiven. Thanks. [/INST]]": "failed", + "tokenizers_test.py::test_sentencepiece_model_tokenizer_chat[add_tokens-TinyLlama-1.1B-Chat-v1.0-sp_backend-Slow-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-right_pad--Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[no_add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string3]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string0]": "failed", + "tokenizers_test.py::test_hf_sentencepiece_tokenizers_multiple_strings[add_tokens-TinyLlama-1.1B-Chat-v1.0-left_pad--Fast-test_string3]": "failed" } \ No newline at end of file diff --git a/tests/tokenizers_test.py b/tests/tokenizers_test.py index 607e9f5d..7b113fff 100644 --- a/tests/tokenizers_test.py +++ b/tests/tokenizers_test.py @@ -9,10 +9,10 @@ import numpy as np import pytest import requests -from openvino import Core, Model +from openvino import Core, Model, Type from openvino_tokenizers import convert_tokenizer from openvino_tokenizers.constants import ORIGINAL_TOKENIZER_CLASS_NAME, rt_info_to_hf_attribute_map -from openvino_tokenizers.utils import get_hf_tokenizer_attribute +from openvino_tokenizers.utils import get_hf_tokenizer_attribute, TokenzierConversionParams from tokenizers.models import Unigram from transformers import AutoTokenizer @@ -894,3 +894,50 @@ def test_rt_info_sentencepiece(hf_sentencepiece_tokenizers, is_sentencepiece_bac hf_sentencepiece_tokenizers, with_detokenizer=True, use_sentencepiece_backend=is_sentencepiece_backend ) check_rt_info(hf_sentencepiece_tokenizers, ov_tokenizer, ov_detokenizer) + +models_to_check_rt_info = [ + # one model from each category + "bert-base-uncased", + "TinyLlama/TinyLlama-1.1B-Chat-v1.0", + "Xenova/gpt-4o", + "Qwen/Qwen-14B-Chat", +] +@pytest.fixture(scope="session", params=models_to_check_rt_info) +def tokenizer_to_check_rt_info(request): + return get_hf_tokenizer(request, trust_remote_code=True) + + +def test_rt_info_conversion_params(tokenizer_to_check_rt_info): + conversion_params = TokenzierConversionParams( + with_detokenizer = False, + add_special_tokens = True, + skip_special_tokens = True, + clean_up_tokenization_spaces = None, + tokenizer_output_type = Type.i64, + detokenizer_input_type = Type.i64, + streaming_detokenizer = False, + use_max_padding = False, + handle_special_tokens_with_re = None, + use_sentencepiece_backend = False, + utf8_replace_mode = None, + number_of_inputs = 1, + ) + + ov_tokenizer = convert_tokenizer(tokenizer_to_check_rt_info, conversion_params) + print(ov_tokenizer) + if not conversion_params.with_detokenizer: + ov_tokenizer = (ov_tokenizer, ) + + for model in ov_tokenizer: + for key in conversion_params.__match_args__: + val = getattr(conversion_params, key) + if val is None: + val = {} + elif isinstance(val, (Type, int)) and not isinstance(val, bool): + # bool is subcalss of int, hence there are 2 checks. + # While bool values are stored as str, e.g. 'False' + # type info and integers are stored as object. + pass + else: + val = str(val) + assert val == model.get_rt_info(key).value